PLearn 0.1
Public Types | Public Member Functions | Protected Attributes | Friends
PLearn::TVec< T > Class Template Reference

#include <TVec_decl.h>

Inherited by PLearn::Array< T >.

Collaboration diagram for PLearn::TVec< T >:
Collaboration graph
[legend]

List of all members.

Public Types

typedef T value_type
typedef int size_type
typedef T * iterator
typedef const T * const_iterator

Public Member Functions

iterator begin () const
iterator end () const
 TVec (const vector< T > &vec)
 TVec ()
 TVec (int the_length)
 TVec (int the_length, const T &init_value)
 Builds a Vec of specified length with all values initialised with the given value.
 TVec (const T &start, const T &stop, const T &step)
 Builds a Vec containing values ranging from start to stop with step e.g., Vec(0,n-1,1) returns a vector of length() n, with 0,1,...n-1.
 TVec (int the_length, T *the_data)
 Builds a TVec which data is the_data.
 TVec (const TVec< T > &other)
 NOTE: COPY CONSTRUCTOR COPIES THE TVec STRUCTURE BUT NOT THE DATA.
const TVec< T > & operator= (const TVec< T > &other)
 NOTE: operator= COPIES THE TVec STRUCTURE BUT NOT THE DATA (use operator<< to copy data)
 operator vector< T > () const
bool hasMissing () const
int size () const
int length () const
int capacity () const
int offset () const
PP< Storage< T > > getStorage () const
void compact ()
 Makes sure the allocated memory for this vector is exactly length()
 operator char * () const
 used by Hash (VERY DIRTY: TO BE REMOVED [Pascal])
size_t byteLength () const
void resize (int newlength, int extra=0)
void write (PStream &out) const
 writes the Vec to the PStream: Note that users should rather use the form out << v;
void read (PStream &in)
 reads the Vec from the PStream: Note that users should rather use the form in >> v;
void save (const string &filename) const
void load (const string &filename)
TVec< T > subVec (int newstart, int newlength) const
 Returns a sub-TVector.
void subVecSelf (int newstart, int newlength)
 Modify the current Vec to point to a subset of itself.
void makeDeepCopyFromShallowCopy (CopiesMap &copies)
TVec< T > deepCopy (CopiesMap &copies) const
TVec< T > subVec (Range r)
void concat (const TVec< T > &input1, const TVec< T > &input2)
 Returns a TVector made up of the two (or more) input TVec.
void concat (const TVec< T > &input1, const TVec< T > &input2, const TVec< T > &input3)
void concat (const TVec< T > &input1, const TVec< T > &input2, const TVec< T > &input3, const TVec< T > &input4)
TMat< T > toMat (int newlength, int newwidth) const
 The returned TMat will view the same data.
TVec< T > copy () const
 returns a newly created copy of this TVec
void copyFrom (const T *x, int n) const
 copy from a C TVector starting at x of length() n
void copyTo (T *x) const
 copy to a C TVec starting at x
void makeSharedValue (T *x, int n)
bool isNull () const
bool isNotNull () const
bool isEmpty () const
bool isNotEmpty () const
bool operator! () const
 To allow if(!v) statements.
TVec< T > * operator-> ()
void fill (const T &value) const
 Fills the vector with the given value; no-op if vector is null.
void fill (const T &startval, const T &step)
 Fills the vector, putting startval in its first element and increments of step in subsequent elements.
void clear () const
void insert (int position, T value)
 inserts element at position (actually between values at position-1 and posiion). Length is increased by 1.
void remove (int position)
 removes element at position, Length is decreased by 1
TVec< intsortingPermutation (bool stable=false, bool missing=false) const
 Returns an index vector I so that (*this)(I) returns a sorted version of this vec in ascending order.
int findSorted (T value) const
 Return the first index where the value COULD be.
void insertSorted (T value, bool uniq)
void removeSorted (T value)
void append (const T &newval)
void append (const vector< T > &newvec)
 for compatibility with Array
void appendIfNotThereAlready (const T &newval)
 For compatibility with Array.
void push_back (const T &newval)
 stl compatibility
void pop_back ()
void push (const T &newval)
 stack interface compatibility
pop ()
T & top () const
void append (const TVec< T > &values)
T & operator[] (int i) const
T & operator[] (unsigned int i) const
T & lastElement () const
T & firstElement () const
T & front () const
T & back () const
T & first () const
T & last () const
template<class I >
void operator() (const TVec< I > &indices, TVec< T > &destination) const
 Deprecated: use the select function instead.
template<class I >
TVec< T > operator() (const TVec< I > &indices) const
T * data () const
 Returns a pointer to the beginning of the TVector data.
void swap ()
 swaps first and last element, second and second last, etc... (mirror symmetry).
TVec< booloperator== (const T &value) const
 return a vector with 1's when (*this)[i]==value for all i, 0 otherwise
bool operator== (const TVec< T > &value) const
 return true if (*this)[i]==value[i] for all i, 0 otherwise
bool operator!= (const TVec< T > &value) const
bool isEqual (const TVec< T > &value, bool ignore_missing=false) const
 same as operator== but dealing with NaN and Inf
bool contains (const T &element) const
 Return true if 'element' is in the TVec and false otherwise.
TVec< intfindIndices (const T &element)
 return the set of indices whose corresponding values are "element".
TVec< intfindIndices (const TVec< T > &elements)
int find (const T &element, int start=0) const
 Returns the position of the first occurence of element in the vector or -1 if it never occurs.
TVec< intfind (TVec< T > elements)
int count (const T &element)
 Returns the number of occurrences of "element".
int count (const TVec< T > &elements)
void print (ostream &out=cout) const
 C++ stream output.
void println (ostream &out=cout) const
 same with newline
void printcol (ostream &out=cout) const
 printed as a column
void print (ostream &out, const string &separator) const
 each value is printed with the given separator string between them
void input (istream &in=cin) const
void input (PStream &in) const
void debugPrint ()
void operator<< (const string &datastring) const

Protected Attributes

int length_
int offset_
PP< Storage< T > > storage

Friends

class TMat< T >
class Variable
 for makeShared hack... (to be cleaned)
class VarArray
 for makeShared hack... (to be cleaned)
class QRchunker
 The following are for hacky interfaces that for some obscure and dirty reason access offset_ directly.
class QCchunker

Detailed Description

template<class T>
class PLearn::TVec< T >

Definition at line 74 of file TVec_decl.h.


Member Typedef Documentation

template<class T>
typedef const T* PLearn::TVec< T >::const_iterator

Definition at line 95 of file TVec_decl.h.

template<class T>
typedef T* PLearn::TVec< T >::iterator
template<class T>
typedef int PLearn::TVec< T >::size_type

Definition at line 93 of file TVec_decl.h.

template<class T>
typedef T PLearn::TVec< T >::value_type

Definition at line 92 of file TVec_decl.h.


Constructor & Destructor Documentation

template<class T>
PLearn::TVec< T >::TVec ( const vector< T > &  vec) [inline]

Definition at line 109 of file TVec_decl.h.

        :length_((int)vec.size()), offset_(0),
         storage(new Storage<T>((int)vec.size()))
    {
        for(int i=0;i<length_;i++)
            (*this)[i]=vec[i];
    }
template<class T>
PLearn::TVec< T >::TVec ( ) [inline]

Definition at line 117 of file TVec_decl.h.

        :length_(0),offset_(0)
    {}
template<class T>
PLearn::TVec< T >::TVec ( int  the_length) [inline, explicit]

Definition at line 121 of file TVec_decl.h.

        :length_(the_length), offset_(0),
         storage(new Storage<T>(the_length))
    {}
template<class T>
PLearn::TVec< T >::TVec ( int  the_length,
const T &  init_value 
) [inline]

Builds a Vec of specified length with all values initialised with the given value.

Definition at line 127 of file TVec_decl.h.

        :length_(the_length), offset_(0),
         storage(new Storage<T>(the_length))
    { fill(init_value); }
template<class T>
PLearn::TVec< T >::TVec ( const T &  start,
const T &  stop,
const T &  step 
)

Builds a Vec containing values ranging from start to stop with step e.g., Vec(0,n-1,1) returns a vector of length() n, with 0,1,...n-1.

creates range (start, start+step, ..., stop)

Definition at line 71 of file TMat_impl.h.

References PLearn::TVec< T >::begin(), PLearn::TVec< T >::end(), n, and PLearn::TVec< T >::resize().

    :length_(0), offset_(0)
{
    // first count the size n
    T val;
    int n=0;
    for(val=start; val<=stop; val+=step)
        ++n;

    if(n)
    {
        resize(n);
        iterator it = begin();
        iterator itend = end();      
        for(val=start; it!=itend; ++it, val+=step)
            *it = val;
    }
}

Here is the call graph for this function:

template<class T>
PLearn::TVec< T >::TVec ( int  the_length,
T *  the_data 
) [inline]

Builds a TVec which data is the_data.

Definition at line 138 of file TVec_decl.h.

        :length_(the_length), offset_(0),
         storage(new Storage<T>(the_length, the_data))
    {}
template<class T>
PLearn::TVec< T >::TVec ( const TVec< T > &  other) [inline]

NOTE: COPY CONSTRUCTOR COPIES THE TVec STRUCTURE BUT NOT THE DATA.

Definition at line 144 of file TVec_decl.h.

        :length_(other.length()), offset_(other.offset()),
         storage(other.storage)
    {}

Member Function Documentation

template<class T>
void PLearn::TVec< T >::append ( const T &  newval) [inline]

Definition at line 570 of file TVec_decl.h.

Referenced by PLearn::BasisSelectionRegressor::addInteractionFunction(), PLearn::RBMModule::addPortName(), PLearn::OnBagsModule::addPortName(), PLearn::LayerCostModule::addPortName(), PLearn::KLp0p1RBMModule::addPortName(), PLearn::RunICPVariable::addTemplate(), PLearn::GaussMix::addToCovariance(), PLearn::LearnerCommand::analyze_inputs(), PLearn::VecStatsCollector::append(), PLearn::RGBImageDB::append(), PLearn::GaussianizeVMatrix::append_col_to_gaussianize(), PLearn::BasisSelectionRegressor::appendCandidateFunctionsOfSingleField(), PLearn::BasisSelectionRegressor::appendConstantFunction(), PLearn::BasisSelectionRegressor::appendFunctionToSelection(), PLearn::BasisSelectionRegressor::appendKernelFunctions(), PLearn::TreeDBNModule::appendPort(), PLearn::DiskVMatrix::appendRow(), PLearn::NeuralProbabilisticLanguageModel::bprop(), PLearn::FeatureSetSequentialCRF::bprop(), PLearn::FeatureSetNNet::bprop(), PLearn::VariableDeletionVMatrix::build_(), PLearn::UniformizeVMatrix::build_(), PLearn::UniformDistribution::build_(), PLearn::TemporaryDiskVMatrix::build_(), PLearn::SortRowsVMatrix::build_(), PLearn::ShuffleColumnsVMatrix::build_(), PLearn::SelectColumnsVMatrix::build_(), PLearn::ScoreLayerVariable::build_(), PLearn::RunObject::build_(), PLearn::ReplicateSamplesVMatrix::build_(), PLearn::ReorderByMissingVMatrix::build_(), PLearn::RemoveDuplicateVMatrix::build_(), PLearn::RBMTrainer::build_(), PLearn::RBMMixedLayer::build_(), PLearn::RandomSamplesVMatrix::build_(), PLearn::ProcessSymbolicSequenceVMatrix::build_(), PLearn::ProcessingVMatrix::build_(), PLearn::PLearnerOutputVMatrix::build_(), PLearn::NonLocalManifoldParzen::build_(), PLearn::NeuralNet::build_(), PLearn::NetworkModule::build_(), PLearn::NeighborhoodSmoothnessNNet::build_(), PLearn::MultiTargetOneHotVMatrix::build_(), PLearn::MultiInstanceNNet::build_(), PLearn::MoleculeTemplateLearner::build_(), PLearn::ModuleTester::build_(), PLearn::ModuleLearner::build_(), PLearn::MixUnlabeledNeighbourVMatrix::build_(), PLearn::MissingInstructionVMatrix::build_(), PLearn::MeanMedianModeImputationVMatrix::build_(), PLearn::GaussianizeVMatrix::build_(), PLearn::FinancePreprocVMatrix::build_(), PLearn::FilteredVMatrix::build_(), PLearn::EarlyStoppingOracle::build_(), PLearn::DiskVMatrix::build_(), PLearn::DeepReconstructorNet::build_(), PLearn::DatedJoinVMatrix::build_(), PLearn::ConditionalDictionary::build_(), PLearn::ConditionalDensityNet::build_(), PLearn::BootstrapVMatrix::build_(), PLearn::AddLayersNNet::build_(), PLearn::AddBagInformationVMatrix::build_(), PLearn::SubsamplingDBN::build_costs(), PLearn::PseudolikelihoodRBM::build_costs(), PLearn::DiscriminativeRBM::build_costs(), PLearn::DeepBeliefNet::build_costs(), PLearn::BasisSelectionRegressor::buildAllCandidateFunctions(), PLearn::NNet::buildFuncs(), PLearn::MissingIndicatorVMatrix::buildNewRecordFormat(), PLearn::NNet::buildOutputFromInput(), PLearn::DistRepNNet::buildOutputFromInput(), PLearn::UnaryVariable::buildPath(), PLearn::SourceVariable::buildPath(), PLearn::ObjectOptionVariable::buildPath(), PLearn::NNet::buildPenalties(), PLearn::LinearInductiveTransferClassifier::buildPenalties(), PLearn::DistRepNNet::buildPenalties(), PLearn::DeepFeatureExtractorNNet::buildPenalties(), PLearn::AddLayersNNet::buildPenalties(), PLearn::BasisSelectionRegressor::buildSimpleCandidateFunctions(), PLearn::BasisSelectionRegressor::buildTopCandidateFunctions(), PLearn::DistRepNNet::buildVarGraph(), PLearn::choleskyAppendDimension(), PLearn::LiftStatsCollector::computeAUC(), PLearn::StackedLearner::computeConfidenceFromOutput(), PLearn::StackedModulesLearner::computeCostsFromOutputs(), PLearn::DeepNNet::computeCostsFromOutputs(), PLearn::CompareLearner::computeCostsFromOutputs(), PLearn::AdaBoost::computeCostsFromOutputs(), PLearn::MultiClassAdaBoost::computeCostsFromOutputs_(), PLearn::FilteredVMatrix::computeFilteredIndices(), PLearn::GaussMix::computeLogLikelihood(), PLearn::SubsamplingDBN::computeOutput(), PLearn::StackedLearner::computeOutput(), PLearn::DeepBeliefNet::computeOutput(), PLearn::VPLPreprocessedLearner::computeOutputAndCosts(), PLearn::MultiClassAdaBoost::computeOutputAndCosts(), PLearn::ModuleLearner::computeOutputAndCosts(), PLearn::AdaBoost::computeOutputAndCosts(), PLearn::UniformizeLearner::computeRankMap(), PLearn::ChemicalICP::computeUsedFeatures(), PLearn::PLearnService::connectToServers(), PLearn::CombiningCostsModule::costNames(), PLearn::create_list(), PLearn::BallTreeNearestNeighbors::createAnchors(), PLearn::TreeDBNModule::createMatrix(), PLearn::diff(), PLearn::displayVarGraph(), PLearn::SupervisedDBN::expectation(), PLearn::ConcatRowsVMatrix::findAllFields(), PLearn::TVec< PP< RegressionTreeNode > >::findIndices(), PLearn::SupervisedDBN::fineTuneByGradientDescent(), PLearn::StatsItArray::finish(), PLearn::RBMModule::fprop(), PLearn::ObjectGenerator::generateAllObjects(), PLearn::RegressionTreeRegisters::getAllRegisteredRowLeave(), PLearn::StatsCollector::getAllValuesMapping(), PLearn::StatsCollector::getBinMapping(), PLearn::SoftHistogramBinner::getBins(), PLearn::Binner::getBins(), PLearn::NNet::getCost(), PLearn::StatsCollector::getCount(), PLearn::ConcatDisjointFeatureSet::getFeatures(), PLearn::SelectColumnsVMatrix::getIndicesFromFields(), PLearn::ConcatDisjointFeatureSet::getNewFeaturesString(), PLearn::RegressionTreeMulticlassLeaveFast::getOutputNames(), PLearn::RegressionTreeMulticlassLeave::getOutputNames(), PLearn::RegressionTreeLeave::getOutputNames(), PLearn::BaggingLearner::getOutputNames(), PLearn::OnlineLearningModule::getPorts(), PLearn::NullModule::getPorts(), PLearn::MatrixModule::getPorts(), PLearn::CostModule::getPorts(), PLearn::TrainValidTestSplitter::getSplit(), PLearn::ToBagSplitter::getSplit(), PLearn::StackedSplitter::getSplit(), PLearn::SelectSetsSplitter::getSplit(), PLearn::KFoldSplitter::getSplit(), PLearn::FilterSplitter::getSplit(), PLearn::DBSplitter::getSplit(), PLearn::ConcatSetsSplitter::getSplit(), PLearn::ClassSeparationSplitter::getSplit(), PLearn::WPLS::getTestCostNames(), PLearn::TopDownAsymetricDeepNetwork::getTestCostNames(), PLearn::ToBagClassifier::getTestCostNames(), PLearn::TestImputations::getTestCostNames(), PLearn::SVMClassificationTorch::getTestCostNames(), PLearn::SupervisedDBN::getTestCostNames(), PLearn::StackedSVDNet::getTestCostNames(), PLearn::StackedFocusedAutoassociatorsNet::getTestCostNames(), PLearn::StackedAutoassociatorsNet::getTestCostNames(), PLearn::StabilisationLearner::getTestCostNames(), PLearn::SequentialModelSelector::getTestCostNames(), PLearn::RegressorFromDistribution::getTestCostNames(), PLearn::RegressionTree::getTestCostNames(), PLearn::RankingFromKernel::getTestCostNames(), PLearn::Preprocessing::getTestCostNames(), PLearn::PDistribution::getTestCostNames(), PLearn::PartSupervisedDBN::getTestCostNames(), PLearn::NeighborhoodConditionalMean::getTestCostNames(), PLearn::MultiClassAdaBoost::getTestCostNames(), PLearn::MergeDond2Files::getTestCostNames(), PLearn::ManifoldParzen::getTestCostNames(), PLearn::KFoldLogisticClassifier::getTestCostNames(), PLearn::KernelProjection::getTestCostNames(), PLearn::HintonDeepBeliefNet::getTestCostNames(), PLearn::GaussPartSupervisedDBN::getTestCostNames(), PLearn::GaussianDBNRegression::getTestCostNames(), PLearn::GaussianDBNClassification::getTestCostNames(), PLearn::FixDond2BinaryVariables::getTestCostNames(), PLearn::Experimentation::getTestCostNames(), PLearn::DynamicallyLinkedRBMsModel::getTestCostNames(), PLearn::DiscriminativeDeepBeliefNet::getTestCostNames(), PLearn::DichotomizeDond2DiscreteVariables::getTestCostNames(), PLearn::DenoisingRecurrentNet::getTestCostNames(), PLearn::DeepNonLocalManifoldParzen::getTestCostNames(), PLearn::DeepNNet::getTestCostNames(), PLearn::ComputeDond2Target::getTestCostNames(), PLearn::CompareLearner::getTestCostNames(), PLearn::CheckDond2FileSequence::getTestCostNames(), PLearn::AnalyzeFieldStats::getTestCostNames(), PLearn::AnalyzeDond2DiscreteVariables::getTestCostNames(), PLearn::AddCostToLearner::getTestCostNames(), PLearn::AdaBoost::getTestCostNames(), PLearn::TopDownAsymetricDeepNetwork::getTrainCostNames(), PLearn::TestImputations::getTrainCostNames(), PLearn::StackedAutoassociatorsNet::getTrainCostNames(), PLearn::Preprocessing::getTrainCostNames(), PLearn::NeighborhoodConditionalMean::getTrainCostNames(), PLearn::NatGradSMPNNet::getTrainCostNames(), PLearn::NatGradNNet::getTrainCostNames(), PLearn::mNNet::getTrainCostNames(), PLearn::MergeDond2Files::getTrainCostNames(), PLearn::GaussMix::getTrainCostNames(), PLearn::FixDond2BinaryVariables::getTrainCostNames(), PLearn::Experimentation::getTrainCostNames(), PLearn::DichotomizeDond2DiscreteVariables::getTrainCostNames(), PLearn::DeepNonLocalManifoldParzen::getTrainCostNames(), PLearn::ComputeDond2Target::getTrainCostNames(), PLearn::CompareLearner::getTrainCostNames(), PLearn::CheckDond2FileSequence::getTrainCostNames(), PLearn::BinaryStump::getTrainCostNames(), PLearn::BestAveragingPLearner::getTrainCostNames(), PLearn::AnalyzeFieldStats::getTrainCostNames(), PLearn::AnalyzeDond2DiscreteVariables::getTrainCostNames(), PLearn::DisregardRowsVMatrix::inferIndices(), PLearn::NetworkConnection::initialize(), PLearn::VPLCombinedLearner::initializeCostNames(), PLearn::VPLCombinedLearner::initializeOutputPrograms(), PLearn::DeepNNet::initializeParams(), PLearn::DeepReconstructorNet::listParameter(), PLearn::DeepReconstructorNet::listParameterNames(), PLearn::DiverseComponentAnalysis::listVarNames(), PLearn::loadUCIMLDB(), PLearn::DenoisingRecurrentNet::locateSequenceBoundaries(), PLearn::SequentialModelSelector::matlabSave(), PLearn::matlabSave(), PLearn::GaussMix::missingExpectation(), PLearn::PruningLinearRegressor::newDatasetIndices(), PLearn::PTimer::newTimer(), PLearn::VarArray::nonNull(), PLearn::OldDisplayVarGraph(), PLearn::operator&(), PLearn::operator&=(), PLearn::BasisSelectionRegressor::thread_wawr::operator()(), PLearn::operator-(), PLearn::VarArray::parents(), PLearn::NaryVariable::parents(), PLearn::BinaryVariable::parents(), PLearn::PLMathTest::perform(), PLearn::SurfaceMesh::readVRMLCoordinate3_(), PLearn::PLearner::remote_batchComputeOutputAndConfidence(), PLearn::PLearnService::reserveServers(), PLearn::VerifyGradientCommand::run(), PLearn::LearnerCommand::run(), PLearn::FieldConvertCommand::run(), PLearn::DiffCommand::run(), PLearn::ChemicalICP::run(), PLearn::TextFilesVMatrix::setColumnNamesAndWidth(), PLearn::GeodesicDistanceKernel::setDataForKernelMatrix(), PLearn::GaussMix::setPredictor(), PLearn::VarArray::subVarArray(), PLearn::SupervisedDBN::supervisedContrastiveDivergenceStep(), PLearn::PartSupervisedDBN::supervisedContrastiveDivergenceStep(), PLearn::GaussPartSupervisedDBN::supervisedContrastiveDivergenceStep(), PLearn::SequentialModelSelector::test(), PLearn::MultiClassAdaBoost::test(), PLearn::AdaBoost::test(), PLearn::VariableSelectionWithDirectedGradientDescent::train(), PLearn::StackedModulesLearner::train(), PLearn::RegressionTree::train(), PLearn::PruningLinearRegressor::train(), PLearn::NormalizationLearner::train(), PLearn::NNet::train(), PLearn::ModuleLearner::train(), PLearn::KFoldLogisticClassifier::train(), PLearn::GaussMix::train(), PLearn::AddCostToLearner::train(), PLearn::DeepReconstructorNet::trainHiddenLayer(), PLearn::DeepReconstructorNet::trainSupervisedLayer(), PLearn::GaussMix::traverse_tree(), PLearn::GaussMix::updateCholeskyFromPrevious(), PLearn::GaussMix::updateInverseVarianceFromPrevious(), PLearn::DiscriminativeDeepBeliefNet::updateNearestNeighbors(), PLearn::viewVMat(), and PLearn::vmatmain().

    {
        //we do this as an speed optimization. I see a 3.5% speed up...
        //g++4.1 don't seam to inline resize event in heavy loop of append.
        //maybe this is the cause of the speed up?
        if (storage.isNotNull() && (length() < capacity())){
            length_++;
        }else
            resize(length()+1, length());
        lastElement() = newval;
    }
template<class T>
void PLearn::TVec< T >::append ( const vector< T > &  newvec) [inline]

for compatibility with Array

Definition at line 583 of file TVec_decl.h.

    {
        int currentsize = length();
        if (currentsize + newvec.size() == 0)
            return;
        resize(currentsize + newvec.size(), currentsize + newvec.size());
        T* v = data();
        for (unsigned int i=0; i<newvec.size(); ++i)
            v[currentsize+i] = newvec[i];
    }
template<class T>
void PLearn::TVec< T >::append ( const TVec< T > &  values) [inline]

Definition at line 626 of file TVec_decl.h.

    {
        int oldLength = length();
        if (values.length() == 0)
            return;
        resize(oldLength+values.length(), oldLength+values.length());
        T* v = data()+oldLength;
        T* newv = values.data();
        for(int i=0; i<values.length(); i++)
            v[i] = newv[i];
    }
template<class T>
void PLearn::TVec< T >::appendIfNotThereAlready ( const T &  newval) [inline]

For compatibility with Array.

Definition at line 595 of file TVec_decl.h.

Referenced by PLearn::WordNetFeatureSet::getNewFeaturesString().

    {
        if(length()>0) {
            T* v = data();
            for (int i=0;i<length();i++)
                if (newval==v[i]) return;
        }
        append(newval);
    }

Here is the caller graph for this function:

template<class T>
T& PLearn::TVec< T >::back ( ) const [inline]

Definition at line 679 of file TVec_decl.h.

Referenced by PLearn::StatsCollector::getBinMapping().

{ return lastElement(); }

Here is the caller graph for this function:

template<class T>
iterator PLearn::TVec< T >::begin ( ) const [inline]

Definition at line 97 of file TVec_decl.h.

Referenced by PLearn::addprepostfix(), PLearn::BaggingLearner::addStatNames(), PLearn::RowMapSparseMatrix< real >::addToColumns(), PLearn::DTWKernel::build_(), PLearn::TextFilesVMatrix::buildVMatrixStringMapping(), PLearn::Calendar::calendarDiff(), PLearn::LocalGaussianClassifier::computeOutput(), PLearn::KNNClassifier::computeOutput(), PLearn::BaggingLearner::computeOutput(), PLearn::ConvertFromPyObject< std::set< T > >::convert(), PLearn::ConvertFromPyObject< std::vector< T > >::convert(), PLearn::DTWKernel::dtw(), PLearn::fill_random_discrete(), PLearn::PRandom::fill_random_discrete(), PLearn::fill_random_normal(), PLearn::fill_random_uniform(), PLearn::TextFilesVMatrix::generateMapCounts(), PLearn::StepwiseSelectionOracle::generateNewSearchset(), PLearn::Calendar::getCalendarTime(), PLearn::VecExtendedVMatrix::getNewRow(), PLearn::JulianizeVMatrix::getNewRow(), PLearn::DatedJoinVMatrix::getNewRow(), PLearn::injectPLearnClasses(), PLearn::Calendar::intersect(), PLearn::loadAscii(), PLearn::multiply(), PLearn::OnlineLearningModule::namedBpropAccUpdate(), PLearn::operator>=(), PLearn::VMatLanguage::run(), PLearn::saveAscii(), PLearn::VecStatsCollector::shouldUpdateWindow(), PLearn::sortElements(), PLearn::TVec< T >::sortingPermutation(), PLearn::swap(), PLearn::BestAveragingPLearner::train(), PLearn::TVec< T >::TVec(), and PLearn::Calendar::unite().

    { 
        if (storage.isNull()) return 0;
        return storage->data+offset_; 
    }

Here is the caller graph for this function:

template<class T>
size_t PLearn::TVec< T >::byteLength ( ) const [inline]
template<class T>
int PLearn::TVec< T >::capacity ( ) const [inline]

Definition at line 183 of file TVec_decl.h.

{ return storage.isNotNull() ? storage->length()-offset_ : 0; }
template<class T>
void PLearn::TVec< T >::clear ( ) const [inline]

Definition at line 507 of file TVec_decl.h.

Referenced by PLearn::AdaptGradientOptimizer::adaptLearningRateVariance(), PLearn::add(), PLearn::AnalyzeDond2DiscreteVariables::analyzeDiscreteVariable(), PLearn::AnalyzeFieldStats::analyzeVariableStats(), PLearn::averageAcrossRowsAndColumns(), PLearn::RowMapSparseValueMatrix< T >::averageAcrossRowsAndColumns(), PLearn::RowMapSparseMatrix< real >::averageAcrossRowsAndColumns(), PLearn::backConvolve1D(), PLearn::backConvolve1Dbackprop(), PLearn::TanhModule::bbpropUpdate(), PLearn::SquaredErrModule::bbpropUpdate(), PLearn::NLLErrModule::bbpropUpdate(), PLearn::NLLCostModule::bbpropUpdate(), PLearn::Convolution2DModule::bbpropUpdate(), PLearn::CombiningCostsModule::bbpropUpdate(), PLearn::ProjectionErrorVariable::bprop(), PLearn::RBMLateralBinomialLayer::bpropNLL(), PLearn::TanhModule::bpropUpdate(), PLearn::SquaredErrorCostModule::bpropUpdate(), PLearn::SoftmaxNLLCostModule::bpropUpdate(), PLearn::SoftmaxModule::bpropUpdate(), PLearn::ShuntingNNetLayerModule::bpropUpdate(), PLearn::ScaleGradientModule::bpropUpdate(), PLearn::RBMWoodsLayer::bpropUpdate(), PLearn::RBMTruncExpLayer::bpropUpdate(), PLearn::RBMRateLayer::bpropUpdate(), PLearn::RBMMultinomialLayer::bpropUpdate(), PLearn::RBMMixedConnection::bpropUpdate(), PLearn::RBMLocalMultinomialLayer::bpropUpdate(), PLearn::RBMLateralBinomialLayer::bpropUpdate(), PLearn::RBMJointLLParameters::bpropUpdate(), PLearn::RBMGaussianLayer::bpropUpdate(), PLearn::RBMBinomialLayer::bpropUpdate(), PLearn::NLLCostModule::bpropUpdate(), PLearn::LinearFilterModule::bpropUpdate(), PLearn::GradNNetLayerModule::bpropUpdate(), PLearn::CrossEntropyCostModule::bpropUpdate(), PLearn::Convolution2DModule::bpropUpdate(), PLearn::CombiningCostsModule::bpropUpdate(), PLearn::DenoisingRecurrentNet::bpropUpdateHiddenLayer(), PLearn::TreeDBNModule::build_(), PLearn::TopDownAsymetricDeepNetwork::build_(), PLearn::StackedFocusedAutoassociatorsNet::build_(), PLearn::StackedAutoassociatorsNet::build_(), PLearn::SparseIncrementalAffineTransformVariable::build_(), PLearn::ProcessSymbolicSequenceVMatrix::build_(), PLearn::OnlineGramNaturalGradientOptimizer::build_(), PLearn::MultiTargetOneHotVMatrix::build_(), PLearn::MeanMedianModeImputationVMatrix::build_(), PLearn::GaussianContinuumDistribution::build_(), PLearn::GaussianContinuum::build_(), PLearn::FeatureSetNaiveBayesClassifier::build_(), PLearn::DynamicallyLinkedRBMsModel::build_(), PLearn::DiscriminativeDeepBeliefNet::build_(), PLearn::DenoisingRecurrentNet::build_(), PLearn::DeepNonLocalManifoldParzen::build_(), PLearn::DeepNNet::build_(), PLearn::CombiningCostsModule::build_(), PLearn::ClassSubsetVMatrix::build_(), PLearn::AdaptGradientOptimizer::build_(), PLearn::StackedAutoassociatorsNet::build_costs(), PLearn::PseudolikelihoodRBM::build_layers_and_connections(), PLearn::TargetEncodingLearner::buildEncodingsFromTrainset(), PLearn::MissingIndicatorVMatrix::buildNewRecordFormat(), PLearn::Variable::clearDiagHessian(), PLearn::NeuralProbabilisticLanguageModel::clearProppathGradient(), PLearn::FeatureSetSequentialCRF::clearProppathGradient(), PLearn::FeatureSetNNet::clearProppathGradient(), PLearn::RBMQLParameters::clearStats(), PLearn::RBMLQParameters::clearStats(), PLearn::RBMLLParameters::clearStats(), PLearn::RBMLayer::clearStats(), PLearn::RBMGenericParameters::clearStats(), PLearn::RBMGaussianLayer::clearStats(), PLearn::RBMDiagonalMatrixConnection::clearStats(), PLearn::RBMConv2DLLParameters::clearStats(), PLearn::columnSum(), PLearn::GraphicalBiText::compute_likelihood(), PLearn::GraphicalBiText::compute_pMC(), PLearn::GraphicalBiText::compute_pTC(), PLearn::PseudolikelihoodRBM::compute_Z(), PLearn::LayerCostModule::computeCorrelationStatistics(), PLearn::DiscriminativeRBM::computeCostsFromOutputs(), PLearn::DeepBeliefNet::computeCostsFromOutputs(), PLearn::AdaBoost::computeCostsFromOutputs(), PLearn::RegressionTree::computeCostsFromOutputsAndNodes(), PLearn::LayerCostModule::computeKLdiv(), PLearn::DeepNonLocalManifoldParzen::computeManifoldParzenParameters(), PLearn::MeanMedianModeImputationVMatrix::computeMeanMedianModeVectors(), PLearn::StackedFocusedAutoassociatorsNet::computeOutput(), PLearn::ManifoldParzen::computeOutput(), PLearn::LocalGaussianClassifier::computeOutput(), PLearn::IncrementalNNet::computeOutput(), PLearn::DeepNonLocalManifoldParzen::computeOutput(), PLearn::DeepBeliefNet::computeOutput(), PLearn::AdaBoost::computeOutputAndCosts(), PLearn::LayerCostModule::computePascalStatistics(), PLearn::Optimizer::computeRepartition(), PLearn::convolve1D(), PLearn::convolve1Dbackprop(), PLearn::diagonalizeSubspace(), PLearn::MultinomialRandomVariable::EMEpochInitialize(), PLearn::MixtureRandomVariable::EMEpochInitialize(), PLearn::DiagonalNormalRandomVariable::EMEpochInitialize(), PLearn::MinusRandomVariable::EMEpochInitialize(), PLearn::PlusRandomVariable::EMEpochInitialize(), PLearn::evaluateKernelWeightedTargetSum(), PLearn::evaluateSumOfFbprop(), PLearn::evaluateSumOfFprop(), PLearn::SumOverBagsVariable::fbprop(), PLearn::SumOfVariable::fbprop(), PLearn::SubsamplingDBN::fineTuningStep(), PLearn::DeepNonLocalManifoldParzen::fineTuningStep(), PLearn::DeepBeliefNet::fineTuningStep(), PLearn::VMatrix::forcePutRow(), PLearn::UndirectedSoftmaxModule::forget(), PLearn::TopDownAsymetricDeepNetwork::forget(), PLearn::Supersampling2DModule::forget(), PLearn::Subsampling2DModule::forget(), PLearn::StackedModulesModule::forget(), PLearn::StackedModulesLearner::forget(), PLearn::StackedFocusedAutoassociatorsNet::forget(), PLearn::StackedAutoassociatorsNet::forget(), PLearn::ShuntingNNetLayerModule::forget(), PLearn::RBMQLParameters::forget(), PLearn::RBMLQParameters::forget(), PLearn::RBMLLParameters::forget(), PLearn::RBMLayer::forget(), PLearn::RBMDiagonalMatrixConnection::forget(), PLearn::RBMConv2DLLParameters::forget(), PLearn::ProcessInputCostModule::forget(), PLearn::NnlmOnlineLearner::forget(), PLearn::NatGradSMPNNet::forget(), PLearn::NatGradNNet::forget(), PLearn::ModuleStackModule::forget(), PLearn::ModulesLearner::forget(), PLearn::mNNet::forget(), PLearn::ManifoldParzen::forget(), PLearn::LinearFilterModule::forget(), PLearn::LinearCombinationModule::forget(), PLearn::LayerCostModule::forget(), PLearn::GradNNetLayerModule::forget(), PLearn::DiscriminativeDeepBeliefNet::forget(), PLearn::DenoisingRecurrentNet::forget(), PLearn::DeepNonLocalManifoldParzen::forget(), PLearn::Convolution2DModule::forget(), PLearn::CartesianProductOracle::forget(), PLearn::BackConvolution2DModule::forget(), PLearn::UnfoldedSumOfVariable::fprop(), PLearn::SumOverBagsVariable::fprop(), PLearn::SumOfVariable::fprop(), PLearn::SparseIncrementalAffineTransformVariable::fprop(), PLearn::RowSumVariable::fprop(), PLearn::RowAtPositionVariable::fprop(), PLearn::ProjectionErrorVariable::fprop(), PLearn::IndexAtPositionVariable::fprop(), PLearn::ElementAtPositionVariable::fprop(), PLearn::ColumnSumVariable::fprop(), PLearn::CCCostVariable::fprop(), PLearn::DenoisingRecurrentNet::fpropHiddenReconstructionFromLastHidden(), PLearn::DenoisingRecurrentNet::fpropHiddenReconstructionFromLastHidden2(), PLearn::DenoisingRecurrentNet::fpropInputReconstructionFromHidden(), PLearn::RBMWoodsLayer::freeEnergyContributionGradient(), PLearn::RBMRateLayer::freeEnergyContributionGradient(), PLearn::RBMMultinomialLayer::freeEnergyContributionGradient(), PLearn::RBMBinomialLayer::freeEnergyContributionGradient(), PLearn::DynamicallyLinkedRBMsModel::generate(), PLearn::DenoisingRecurrentNet::generate(), PLearn::DenoisingRecurrentNet::generateArtificial(), PLearn::RBMWoodsLayer::generateSample(), PLearn::NnlmOutputLayer::getBestCandidates(), PLearn::RBMWoodsLayer::getConfiguration(), PLearn::RBMLocalMultinomialLayer::getConfiguration(), PLearn::getList(), PLearn::SparseVMatrix::getNewRow(), PLearn::LIBSVMSparseVMatrix::getNewRow(), PLearn::DatedJoinVMatrix::getNewRow(), PLearn::CompactFileVMatrix::getNewRow(), PLearn::RegressionTreeMulticlassLeaveProb::getOutputAndError(), PLearn::RegressionTreeMulticlassLeaveFast::getOutputAndError(), PLearn::RegressionTreeMulticlassLeave::getOutputAndError(), PLearn::RegressionTreeLeave::getOutputAndError(), PLearn::StackedAutoassociatorsNet::greedyStep(), PLearn::DeepBeliefNet::greedyStep(), PLearn::GraphicalBiText::init(), PLearn::NeuralProbabilisticLanguageModel::initializeParams(), PLearn::FeatureSetSequentialCRF::initializeParams(), PLearn::FeatureSetNNet::initializeParams(), PLearn::DeepNNet::initializeParams(), PLearn::layerBpropUpdate(), PLearn::layerL1BpropUpdate(), PLearn::layerL2BpropUpdate(), PLearn::loadAscii(), PLearn::RegressionTreeNode::lookForBestSplit(), PLearn::multivariate_normal(), PLearn::SmoothedProbSparseMatrix::normalizeCondBackoff(), PLearn::SubsamplingDBN::onlineStep(), PLearn::StackedAutoassociatorsNet::onlineStep(), PLearn::DeepBeliefNet::onlineStep(), PLearn::operator+(), PLearn::AutoScaledGradientOptimizer::optimizeN(), PLearn::SumOfVariable::printInfo(), PLearn::MatrixSumOfVariable::printInfo(), PLearn::product(), PLearn::SparseMatrix::product(), PLearn::RBMLateralBinomialLayer::productTopoLateralWeights(), PLearn::DynamicallyLinkedRBMsModel::recurrent_update(), PLearn::DenoisingRecurrentNet::recurrentUpdate(), PLearn::SparseIncrementalAffineTransformVariable::reset(), PLearn::RBMLayer::reset(), PLearn::RBMGaussianLayer::reset(), PLearn::CorrelationProfiler::reset(), PLearn::ElementAtPositionVariable::rfprop(), PLearn::AutoScaledGradientOptimizer::setToOptimize(), PLearn::PseudolikelihoodRBM::test(), PLearn::DynamicallyLinkedRBMsModel::test(), PLearn::DenoisingRecurrentNet::test(), PLearn::StackedAutoassociatorsNet::train(), PLearn::PseudolikelihoodRBM::train(), PLearn::NatGradSMPNNet::train(), PLearn::KMeansClustering::train(), PLearn::DynamicallyLinkedRBMsModel::train(), PLearn::DiscriminativeRBM::train(), PLearn::DenoisingRecurrentNet::train(), PLearn::DeepNNet::train(), PLearn::ConstantRegressor::train(), PLearn::ConditionalDensityNet::train(), PLearn::DenoisingRecurrentNet::trainUnconditionalPredictor(), PLearn::transposedLayerL1BpropUpdate(), PLearn::transposedLayerL2BpropUpdate(), PLearn::transposeProduct(), PLearn::GaussianContinuumDistribution::update_reference_set_parameters(), PLearn::GaussianContinuum::update_reference_set_parameters(), PLearn::GraphicalBiText::update_WSD_model(), PLearn::Variable::updateAndClear(), PLearn::NeuralProbabilisticLanguageModel::verify_gradient(), PLearn::FeatureSetSequentialCRF::verify_gradient(), and PLearn::FeatureSetNNet::verify_gradient().

    { if(isNotEmpty()) clear_n(data(),length()); }
template<class T>
void PLearn::TVec< T >::compact ( ) [inline]

Makes sure the allocated memory for this vector is exactly length()

Definition at line 189 of file TVec_decl.h.

    {
        if(storage && storage->length() != length())
        {
            if(storage->usage()>1)
                PLERROR("IN Mat::compact() compact operation not allowed when matrix storage is shared (for obvious reasons)");
            operator=(copy());
        }
    }
template<class T>
void PLearn::TVec< T >::concat ( const TVec< T > &  input1,
const TVec< T > &  input2 
) [inline]

Returns a TVector made up of the two (or more) input TVec.

Definition at line 360 of file TVec_decl.h.

Referenced by PLearn::concat().

    {  
        int l1 = input1.length();
        int l2 = input2.length();
        resize(l1+l2);
        for(int i=0;i<l1;i++) (*this)[i] = input1[i];
        for(int i=0;i<l2;i++) (*this)[l1+i] = input2[i];
    }

Here is the caller graph for this function:

template<class T>
void PLearn::TVec< T >::concat ( const TVec< T > &  input1,
const TVec< T > &  input2,
const TVec< T > &  input3 
) [inline]

Definition at line 369 of file TVec_decl.h.

    {
        int l1 = input1.length();
        int l2 = input2.length();
        int l3 = input3.length();
        resize(l1+l2+l3);
        for(int i=0;i<l1;i++) (*this)[i] = input1[i];
        for(int i=0;i<l2;i++) (*this)[l1+i] = input2[i];
        for(int i=0;i<l3;i++) (*this)[l1+l2+i] = input3[i];
    }
template<class T>
void PLearn::TVec< T >::concat ( const TVec< T > &  input1,
const TVec< T > &  input2,
const TVec< T > &  input3,
const TVec< T > &  input4 
) [inline]

Definition at line 380 of file TVec_decl.h.

    {
        int l1 = input1.length();
        int l2 = input2.length();
        int l3 = input3.length();
        int l4 = input4.length();
        resize(l1+l2+l3+l4);
        for(int i=0;i<l1;i++) (*this)[i] = input1[i];
        for(int i=0;i<l2;i++) (*this)[l1+i] = input2[i];
        for(int i=0;i<l3;i++) (*this)[l1+l2+i] = input3[i];
        for(int i=0;i<l4;i++) (*this)[l1+l2+l3+i] = input4[i];
    }
template<class T>
bool PLearn::TVec< T >::contains ( const T &  element) const [inline]
template<class T>
TVec<T> PLearn::TVec< T >::copy ( ) const [inline]

returns a newly created copy of this TVec

Definition at line 397 of file TVec_decl.h.

Referenced by PLearn::HashMapFeatureSet::addFeatures(), PLearn::CompactVMatrix::append(), PLearn::StackedModulesModule::bbpropUpdate(), PLearn::StackedModulesModule::bpropUpdate(), PLearn::ScoreLayerVariable::build_(), PLearn::ReplicateSamplesVMatrix::build_(), PLearn::RemapLastColumnVMatrix::build_(), PLearn::MeanMedianModeImputationVMatrix::build_(), PLearn::BootstrapVMatrix::build_(), PLearn::BasisSelectionRegressor::buildAllCandidateFunctions(), PLearn::CompactVMatrix::CompactVMatrix(), PLearn::StackedModulesLearner::computeCostsFromOutputs(), PLearn::DeepReconstructorNet::computeReconstructions(), PLearn::DeepReconstructorNet::computeRepresentations(), PLearn::ChemicalICP::computeUsedFeatures(), PLearn::CachedFeatureSet::getFeatures(), PLearn::VMatAccessBuffer::getRow(), PLearn::WordNetSenseDictionary::getSensesFromWordNet(), PLearn::KFoldSplitter::getSplit(), PLearn::DeepFeatureExtractorNNet::getTestCostNames(), PLearn::BestAveragingPLearner::getTrainCostNames(), PLearn::WordNetSenseDictionary::getValues(), PLearn::VPLCombinedLearner::initializeOutputPrograms(), PLearn::Calendar::intersect(), PLearn::VMatAccessBuffer::lookAhead(), PLearn::MeshFace::makeDeepCopyFromShallowCopy(), PLearn::PruningLinearRegressor::newDatasetIndices(), PLearn::TMatTest::perform(), PLearn::Gnuplot::plotcdf(), PLearn::Gnuplot::plotdensity(), PLearn::TransformationLearner::returnReconstructionCandidates(), PLearn::TransformationLearner::returnTransform(), PLearn::ChemicalICP::run(), PLearn::VecStatsCollector::setFieldNames(), PLearn::GaussianizeVMatrix::setMetaDataDir(), PLearn::PruningLinearRegressor::train(), PLearn::Function::verifyGradient(), PLearn::Function::verifyHessian(), PLearn::PRandom::weightedShuffleElements(), PLearn::MoleculeTemplate::writeToAMATFile(), and PLearn::TemporaryDiskVMatrix::~TemporaryDiskVMatrix().

    {
        TVec<T> freshcopy(length());
        freshcopy << *this;
        return freshcopy;
    }

Here is the caller graph for this function:

template<class T>
void PLearn::TVec< T >::copyFrom ( const T *  x,
int  n 
) const [inline]

copy from a C TVector starting at x of length() n

< get data start

Definition at line 405 of file TVec_decl.h.

Referenced by PLearn::ConvertFromPyObject< TVec< T > >::convert(), PLearn::ConvertFromPyObject< Array< T > >::convert(), PLearn::ConvertFromPyObject< Mat >::convert(), PLearn::ConvertFromPyObject< Vec >::convert(), PLearn::BufferedIntVecFile::flush(), PLearn::RowBufferedVMatrix::getRow(), PLearn::MemoryVMatrix::getRow(), PLearn::RowBufferedVMatrix::getSubRow(), and PLearn::MemoryVMatrix::getSubRow().

    {  
#ifdef BOUNDCHECK
        if(n != length())
            PLERROR("IN TVec::copyFrom(T* x, int n)\nVecs do not have the same length()");
#endif
        if (n == 0)
            return; // Nothing to copy.
        T* v1 = data(); 

        // The following was compiled into an inefficient loop.  Modern C++
        // compilers transform 'copy' into memmove whenever possible, so use
        // that.
        //
        // for(int i=0; i<n; i++)
        //    v1[i] = x[i];

        std::copy(x, x+n, v1);
    }

Here is the caller graph for this function:

template<class T>
void PLearn::TVec< T >::copyTo ( T *  x) const [inline]

copy to a C TVec starting at x

Definition at line 426 of file TVec_decl.h.

Referenced by PLearn::MemoryVMatrix::putRow(), and PLearn::MemoryVMatrix::putSubRow().

    {
        T* v1 = data(); // get data start
        if (! v1)
            return;

        // The following was compiled into an inefficient loop.  Modern C++
        // compilers transform 'copy' into memmove whenever possible, so use
        // that.
        //
        // for(int i=0; i<length(); i++)
        //     x[i] = v1[i];

        std::copy(v1, v1+length(), x);
    }

Here is the caller graph for this function:

template<class T>
int PLearn::TVec< T >::count ( const T &  element) [inline]

Returns the number of occurrences of "element".

Definition at line 853 of file TVec_decl.h.

Referenced by PLearn::MoleculeTemplateLearner::build_(), PLearn::MixtureVMatrix::build_(), and PLearn::MixtureVMatrix::buildPeriod().

    {
        int result = 0;
        if (!isEmpty())
        {
            T *v = data();
            for (int i=0; i<length(); i++)
                if (v[i]==element)
                    result++;
        }
        return result;
    }

Here is the caller graph for this function:

template<class T>
int PLearn::TVec< T >::count ( const TVec< T > &  elements) [inline]

Definition at line 866 of file TVec_decl.h.

    {
        int result = 0;
        if (!isEmpty())
        {
            T *v = data();
            for (int i=0; i<length(); i++)
                for (int j=0, m=elements.length(); j<m; j++)
                    if (v[i]==elements[j])
                    {
                        result++;
                        break;
                    }
        }
        return result;
    }
template<class T>
T* PLearn::TVec< T >::data ( ) const [inline]

Returns a pointer to the beginning of the TVector data.

Definition at line 705 of file TVec_decl.h.

Referenced by PLearn::VarArray::accumulateGradientFrom(), PLearn::VarArray::accumulateGradientTo(), PLearn::RBMDiagonalMatrixConnection::accumulateNegStats(), PLearn::RBMDiagonalMatrixConnection::accumulatePosStats(), PLearn::VarArray::accumulateTo(), PLearn::AdaptGradientOptimizer::adaptLearningRateBasic(), PLearn::add(), PLearn::NeuralProbabilisticLanguageModel::add_affine_transform(), PLearn::FeatureSetSequentialCRF::add_affine_transform(), PLearn::FeatureSetNNet::add_affine_transform(), PLearn::RBMLayer::addBiasDecay(), PLearn::addIfNonMissing(), PLearn::addToDiagonal(), PLearn::RowMapSparseMatrix< real >::addToRows(), PLearn::RBMDiagonalMatrixConnection::addWeightPenalty(), PLearn::addXandX2IfNonMissing(), PLearn::TVec< PP< RegressionTreeNode > >::append(), PLearn::IntVecFile::append(), PLearn::FileVMatrix::appendRow(), PLearn::DiskVMatrix::appendRow(), PLearn::apply(), PLearn::RBMLayer::applyBiasDecay(), PLearn::RBMDiagonalMatrixConnection::applyWeightPenalty(), PLearn::argmax(), PLearn::argmin(), PLearn::Array< char * >::Array(), PLearn::averageAcrossRowsAndColumns(), PLearn::RowMapSparseValueMatrix< T >::averageAcrossRowsAndColumns(), PLearn::RowMapSparseMatrix< real >::averageAcrossRowsAndColumns(), PLearn::avgdev(), PLearn::backConvolve1D(), PLearn::backConvolve1Dbackprop(), PLearn::binread(), PLearn::binread_double(), PLearn::binwrite(), PLearn::binwrite_double(), PLearn::SumVarianceOfLinearTransformedCategoricals::bprop(), PLearn::SumVarianceOfLinearTransformedBernoullis::bprop(), PLearn::PotentialsVariable::bprop(), PLearn::Min2Variable::bprop(), PLearn::Max2Variable::bprop(), PLearn::HeterogenuousAffineTransformWeightPenalty::bprop(), PLearn::HeterogenuousAffineTransformVariable::bprop(), PLearn::bprop_tanh(), PLearn::NllGeneralGaussianVariable::bprop_to_bases(), PLearn::DeepNonLocalManifoldParzen::bprop_to_bases(), PLearn::RBMLayer::bpropCD(), PLearn::bpropCholeskySolve(), PLearn::RBMMultinomialLayer::bpropUpdate(), PLearn::RBMMatrixTransposeConnection::bpropUpdate(), PLearn::RBMDiagonalMatrixConnection::bpropUpdate(), PLearn::RemoveDuplicateVMatrix::build_(), PLearn::choleskyInsertBasis(), PLearn::choleskyLeftSolve(), PLearn::choleskyRightSolve(), PLearn::choleskySolve(), PLearn::choleskyUpgrade(), PLearn::complement_indices(), PLearn::VecCompressor::compressVec(), PLearn::compute_fastsigmoid(), PLearn::compute_fasttanh(), PLearn::compute_inverse_sigmoid(), PLearn::compute_log(), PLearn::compute_safelog(), PLearn::compute_sigmoid(), PLearn::compute_sign(), PLearn::NeuralProbabilisticLanguageModel::compute_softmax(), PLearn::FeatureSetSequentialCRF::compute_softmax(), PLearn::FeatureSetNNet::compute_softmax(), PLearn::compute_sqrt(), PLearn::compute_tanh(), PLearn::RationalQuadraticARDKernel::computeGramMatrix(), PLearn::Matern1ARDKernel::computeGramMatrix(), PLearn::KroneckerBaseKernel::computeGramMatrix(), PLearn::TorchLearner::computeOutput(), PLearn::NormalizationLearner::computeOutput(), PLearn::KNNRegressor::computeOutput(), PLearn::KNNClassifier::computeOutput(), PLearn::RBMDiagonalMatrixConnection::computeProduct(), PLearn::RBMDiagonalMatrixConnection::computeProducts(), PLearn::SumVarianceOfLinearTransformedBernoullis::computeWsqnorm(), PLearn::computeXYPositions(), PLearn::concat(), PLearn::GenericNearestNeighbors::constructOutputVector(), PLearn::convolve1D(), PLearn::convolve1Dbackprop(), PLearn::VarArray::copyFrom(), PLearn::VarArray::copyGradientFrom(), PLearn::VarArray::copyGradientTo(), PLearn::VarArray::copyMaxValueTo(), PLearn::VarArray::copyMinValueTo(), PLearn::VarArray::copyRValueFrom(), PLearn::VarArray::copyRValueTo(), PLearn::VarArray::copyTo(), PLearn::covariance(), PLearn::Variable::defineGradientLocation(), PLearn::Variable::defineValueLocation(), PLearn::diag(), PLearn::SparseMatrix::diag(), PLearn::RowMapSparseMatrix< real >::diag(), PLearn::diagonalizedFactorsProduct(), PLearn::diagonalizedFactorsProductBprop(), PLearn::diagonalizedFactorsProductTranspose(), PLearn::diagonalizedFactorsProductTransposeBprop(), PLearn::diagonalizedFactorsTransposeProduct(), PLearn::diagonalizedFactorsTransposeProductBprop(), PLearn::diagonalizedFactorsTransposeProductTranspose(), PLearn::diagonalizedFactorsTransposeProductTransposeBprop(), PLearn::diagonalOfSquare(), PLearn::SparseMatrix::diagonalOfSquare(), PLearn::RowMapSparseMatrix< real >::diagonalOfSquare(), PLearn::diffSquareMultiplyAcc(), PLearn::diffSquareMultiplyScaledAcc(), PLearn::displayHistogram(), PLearn::divide(), PLearn::dot(), PLearn::SparseVMatrix::dot(), PLearn::MemoryVMatrix::dot(), PLearn::CompactVMatrix::dot(), PLearn::SparseMatrix::dotColumn(), PLearn::RowMapSparseMatrix< real >::dotColumn(), PLearn::RowMapSparseMatrix< real >::dotRow(), PLearn::doubleCentering(), PLearn::eigenSparseNonSymmMat(), PLearn::eigenSparseSymmMat(), PLearn::elementsEqualTo(), PLearn::MultinomialRandomVariable::EMBprop(), PLearn::MixtureRandomVariable::EMBprop(), PLearn::ProductRandomVariable::EMBprop(), PLearn::CompactVMatrix::encodeAndPutRow(), PLearn::RBMGaussianLayer::energy(), PLearn::equals(), PLearn::WeightedQuadraticPolynomialKernel::evaluate(), PLearn::SquaredExponentialARDKernel::evaluate(), PLearn::SquaredErrorCostFunction::evaluate(), PLearn::ScaledLaplacianKernel::evaluate(), PLearn::RationalQuadraticARDKernel::evaluate(), PLearn::PartsDistanceKernel::evaluate(), PLearn::NeuralNetworkARDKernel::evaluate(), PLearn::NegLogProbCostFunction::evaluate(), PLearn::Matern1ARDKernel::evaluate(), PLearn::LinearARDKernel::evaluate(), PLearn::LaplacianKernel::evaluate(), PLearn::KroneckerBaseKernel::evaluate(), PLearn::GaussianKernel::evaluate(), PLearn::ConvexBasisKernel::evaluate(), PLearn::BetaKernel::evaluate(), PLearn::RationalQuadraticARDKernel::evaluate_all_i_x(), PLearn::exp(), PLearn::GaussMix::expectation(), PLearn::exponentialMovingAverageUpdate(), PLearn::exponentialMovingSquareUpdate(), PLearn::exponentialMovingVarianceUpdate(), PLearn::externalProduct(), PLearn::externalProductAcc(), PLearn::externalProductDivUpdate(), PLearn::externalProductMultUpdate(), PLearn::externalProductScaleAcc(), PLearn::RBMLateralBinomialLayer::externalSymetricProductAcc(), PLearn::SumOfVariable::fbprop(), PLearn::BufferedIntVecFile::flush(), PLearn::SumVarianceOfLinearTransformedCategoricals::fprop(), PLearn::SumVarianceOfLinearTransformedBernoullis::fprop(), PLearn::SumOfVariable::fprop(), PLearn::PotentialsVariable::fprop(), PLearn::Min2Variable::fprop(), PLearn::Max2Variable::fprop(), PLearn::HeterogenuousAffineTransformWeightPenalty::fprop(), PLearn::HeterogenuousAffineTransformVariable::fprop(), PLearn::NeuralProbabilisticLanguageModel::fpropBeforeOutputWeights(), PLearn::NatGradSMPNNet::fpropNet(), PLearn::NatGradNNet::fpropNet(), PLearn::FeatureSetSequentialCRF::fpropOutput(), PLearn::FeatureSetNNet::fpropOutput(), PLearn::RBMRateLayer::freeEnergyContribution(), PLearn::RBMBinomialLayer::freeEnergyContribution(), PLearn::RBMRateLayer::freeEnergyContributionGradient(), PLearn::RBMMultinomialLayer::freeEnergyContributionGradient(), PLearn::RBMBinomialLayer::freeEnergyContributionGradient(), PLearn::gaussian_mixture_mu_sigma(), PLearn::geometric_mean(), PLearn::RegressionTreeRegisters::getAllRegisteredRow(), PLearn::RegressionTreeRegisters::getAllRegisteredRowLeave(), PLearn::RegressionTreeRegisters::getExample(), PLearn::SparseVMatrix::getNewRow(), PLearn::PairsVMatrix::getNewRow(), PLearn::LIBSVMSparseVMatrix::getNewRow(), PLearn::InfiniteMNISTVMatrix::getNewRow(), PLearn::FileVMatrix::getNewRow(), PLearn::DiskVMatrix::getNewRow(), PLearn::CompactVMatrix::getNewRow(), PLearn::getQuantiles(), PLearn::RowBufferedVMatrix::getRow(), PLearn::RowBufferedVMatrix::getSubRow(), PLearn::ByteMemoryVMatrix::getSubRow(), PLearn::IntVecFile::getVec(), PLearn::NeuralProbabilisticLanguageModel::gradient_affine_transform(), PLearn::FeatureSetSequentialCRF::gradient_affine_transform(), PLearn::FeatureSetNNet::gradient_affine_transform(), PLearn::NeuralProbabilisticLanguageModel::gradient_penalty(), PLearn::FeatureSetSequentialCRF::gradient_penalty(), PLearn::FeatureSetNNet::gradient_penalty(), PLearn::NeuralProbabilisticLanguageModel::gradient_transfer_func(), PLearn::FeatureSetSequentialCRF::gradient_transfer_func(), PLearn::FeatureSetNNet::gradient_transfer_func(), PLearn::StackedAutoassociatorsNet::greedyStep(), PLearn::harmonic_mean(), PLearn::ifThenElse(), PLearn::NeuralProbabilisticLanguageModel::importance_sampling_gradient_update(), PLearn::DenoisingRecurrentNet::inject_zero_forcing_noise(), PLearn::inverted(), PLearn::invertElements(), PLearn::TVec< PP< RegressionTreeNode > >::isEqual(), PLearn::isLargerThan(), PLearn::isLargerThanOrEqualTo(), PLearn::isSmallerThan(), PLearn::isSmallerThanOrEqualTo(), PLearn::mNNet::l1regularizeOutputs(), PLearn::lapackEIGEN(), PLearn::lapackGeneralizedEIGEN(), PLearn::lapackSolveLinearSystem(), PLearn::lapackSVD(), PLearn::layerBpropUpdate(), PLearn::layerL1BpropUpdate(), PLearn::layerL2BpropUpdate(), PLearn::loadADVec(), PLearn::loadAsciiWithoutSize(), PLearn::loadPVec(), PLearn::loadSNVec(), PLearn::log_sigmoid(), PLearn::logadd(), PLearn::logOfCompactGaussian(), PLearn::LU_decomposition(), PLearn::Variable::makeDeepCopyFromShallowCopy(), PLearn::RBMQLParameters::makeParametersPointHere(), PLearn::RBMMatrixConnection::makeParametersPointHere(), PLearn::RBMLQParameters::makeParametersPointHere(), PLearn::RBMLLParameters::makeParametersPointHere(), PLearn::RBMGenericParameters::makeParametersPointHere(), PLearn::RBMDiagonalMatrixConnection::makeParametersPointHere(), PLearn::RBMConv2DLLParameters::makeParametersPointHere(), PLearn::RBMConv2DConnection::makeParametersPointHere(), PLearn::Variable::makeSharedGradient(), PLearn::Variable::makeSharedRValue(), PLearn::Variable::makeSharedValue(), PLearn::matColumnDotVec(), PLearn::matRowDotVec(), PLearn::matRowsDots(), PLearn::matRowsDotsAcc(), PLearn::max(), PLearn::maxabs(), PLearn::Variable::maxUpdate(), PLearn::mean(), PLearn::min(), PLearn::minabs(), PLearn::multinomial_sample(), PLearn::PRandom::multinomial_sample(), PLearn::multiply(), PLearn::multiplyAcc(), PLearn::multiplyAdd(), PLearn::multiplyScaledAdd(), PLearn::NeuralProbabilisticLanguageModel::my_argmax(), PLearn::FeatureSetSequentialCRF::my_argmax(), PLearn::FeatureSetNNet::my_argmax(), PLearn::FeatureSetNaiveBayesClassifier::my_argmax(), PLearn::negateElements(), PLearn::ConvertToPyObject< Vec >::newPyObject(), PLearn::nonZero(), PLearn::nonZeroIndices(), PLearn::one_against_all_hinge_loss(), PLearn::one_against_all_hinge_loss_bprop(), PLearn::StackedAutoassociatorsNet::onlineStep(), PLearn::NatGradSMPNNet::onlineStep(), PLearn::NatGradNNet::onlineStep(), PLearn::Array< char * >::operator char *(), PLearn::operator*=(), PLearn::operator+(), PLearn::operator+=(), PLearn::operator-(), PLearn::operator-=(), PLearn::operator/(), PLearn::operator/=(), PLearn::Array< char * >::operator=(), PLearn::TVec< PP< RegressionTreeNode > >::operator==(), PLearn::operator>(), PLearn::AutoScaledGradientOptimizer::optimizeN(), PLearn::CompactVMatrix::perturb(), PLearn::RBMMatrixConnection::petiteCulotteOlivierCD(), PLearn::positionOfClosestElement(), PLearn::positionOfkthOrderedElement(), PLearn::positiveValues(), PLearn::powdistance(), PLearn::pownorm(), PLearn::Array< char * >::print(), PLearn::product(), PLearn::SparseMatrix::product(), PLearn::RowMapSparseMatrix< real >::product(), PLearn::productAcc(), PLearn::productScaleAcc(), PLearn::RBMLateralBinomialLayer::productTopoLateralWeights(), PLearn::RBMLateralBinomialLayer::productTopoLateralWeightsGradients(), PLearn::FileVMatrix::putSubRow(), PLearn::CompactVMatrix::putSubRow(), PLearn::qld_interface(), PLearn::VecCompressor::readCompressedVec(), PLearn::remove_missing(), PLearn::remove_missing_inplace(), PLearn::Variable::resize(), PLearn::Variable::resizeDiagHessian(), PLearn::Variable::resizeRValue(), PLearn::VMatLanguage::run(), PLearn::RGBImageVMatrix::sample(), PLearn::saveAsciiWithoutSize(), PLearn::saveGnuplot(), PLearn::savePVec(), PLearn::saveSNVec(), PLearn::select(), PLearn::selectAndOrder(), PLearn::selectColumns(), PLearn::selectElements(), PLearn::selectRows(), PLearn::shuffleElements(), PLearn::PRandom::shuffleElements(), PLearn::sign(), PLearn::softmax(), PLearn::softmaxMinus(), PLearn::SparseMatrix::SparseMatrix(), PLearn::square(), PLearn::squareAcc(), PLearn::squareElements(), PLearn::squareMultiplyAcc(), PLearn::squareroot(), PLearn::squareSubtract(), PLearn::Array< char * >::subArray(), PLearn::substract(), PLearn::substractAcc(), PLearn::sum(), PLearn::sum_of_log(), PLearn::sumabs(), PLearn::sumsquare(), PLearn::swap(), PLearn::tanh(), PLearn::Learner::test(), PLearn::TopDownAsymetricDeepNetwork::train(), PLearn::StackedFocusedAutoassociatorsNet::train(), PLearn::StackedAutoassociatorsNet::train(), PLearn::PseudolikelihoodRBM::train(), PLearn::NeuralProbabilisticLanguageModel::train(), PLearn::GaussMix::train(), PLearn::DiscriminativeDeepBeliefNet::train(), PLearn::DeepNonLocalManifoldParzen::train(), PLearn::RealMapping::transform(), PLearn::transposedLayerL1BpropUpdate(), PLearn::transposedLayerL2BpropUpdate(), PLearn::transposeProduct(), PLearn::transposeProductAcc(), PLearn::transposeProductScaleAcc(), PLearn::VecCompressor::uncompressVec(), PLearn::StackedAutoassociatorsNet::unsupervisedFineTuningStep(), PLearn::Variable::update(), PLearn::MaxStatsIterator::update(), PLearn::MinStatsIterator::update(), PLearn::RBMMatrixTransposeConnection::update(), PLearn::RBMMatrixConnection::update(), PLearn::RBMLLParameters::update(), PLearn::RBMLayer::update(), PLearn::RBMGaussianLayer::update(), PLearn::RBMDiagonalMatrixConnection::update(), PLearn::RBMConv2DLLParameters::update(), PLearn::RBMConv2DConnection::update(), PLearn::NeuralProbabilisticLanguageModel::update_affine_transform(), PLearn::FeatureSetSequentialCRF::update_affine_transform(), PLearn::FeatureSetNNet::update_affine_transform(), PLearn::DenoisingRecurrentNet::updateTargetLayer(), PLearn::RBMLateralBinomialLayer::updateTopoLateralWeightsCD(), PLearn::Variable::Variable(), PLearn::variance(), PLearn::vec_counts(), PLearn::vec_find(), PLearn::NeuralProbabilisticLanguageModel::verify_gradient_affine_transform(), PLearn::FeatureSetSequentialCRF::verify_gradient_affine_transform(), PLearn::FeatureSetNNet::verify_gradient_affine_transform(), PLearn::weighted_mean(), PLearn::weighted_powdistance(), PLearn::weighted_variance(), and PLearn::VecCompressor::writeCompressedVec().

    {
#ifdef BOUNDCHECK
        if(storage.isNull())
            PLERROR("IN TVec::operator()\nAttempted to get a pointer to the data of an empty TVec");
#endif
        return storage->data+offset_; 
    }
template<class T>
void PLearn::TVec< T >::debugPrint ( ) [inline]

Definition at line 894 of file TVec_decl.h.

{print(cerr);}
template<class T >
TVec< T > PLearn::TVec< T >::deepCopy ( CopiesMap copies) const

Notice that deepCopy of a Vec returns a Vec rather than a Vec*. The reason for this being that a Vec is already some kind of "smart pointer" to an underlying Storage

Definition at line 69 of file TVec_impl.h.

References PLearn::TVec< T >::makeDeepCopyFromShallowCopy().

Referenced by PLearn::DeepNonLocalManifoldParzen::build_(), PLearn::SubsamplingDBN::build_layers_and_connections(), PLearn::StackedAutoassociatorsNet::build_layers_and_connections(), PLearn::deepCopy(), PLearn::PTester::perform1Split(), and PLearn::StackedSVDNet::train().

{
    // First do a shallow copy
    TVec<T> deep_copy = *this;
    // Transform the shallow copy into a deep copy
    deep_copy.makeDeepCopyFromShallowCopy(copies);
    // return the completed deep_copy
    return deep_copy;
}

Here is the call graph for this function:

Here is the caller graph for this function:

template<class T>
iterator PLearn::TVec< T >::end ( ) const [inline]

Definition at line 103 of file TVec_decl.h.

Referenced by PLearn::addprepostfix(), PLearn::BaggingLearner::addStatNames(), PLearn::DTWKernel::build_(), PLearn::DictionaryVMatrix::build_(), PLearn::TargetEncodingLearner::buildEncodingsFromTrainset(), PLearn::TextFilesVMatrix::buildVMatrixStringMapping(), PLearn::Calendar::calendarDiff(), PLearn::KNNClassifier::computeOutput(), PLearn::BaggingLearner::computeOutput(), PLearn::GenericNearestNeighbors::constructOutputVector(), PLearn::ConvertFromPyObject< std::set< T > >::convert(), PLearn::ConvertFromPyObject< std::vector< T > >::convert(), PLearn::DTWKernel::dtw(), PLearn::fill_random_discrete(), PLearn::PRandom::fill_random_discrete(), PLearn::fill_random_normal(), PLearn::fill_random_uniform(), PLearn::IndexedVMatrix::fullyCheckMappings(), PLearn::ConcatRowsVMatrix::fullyCheckMappings(), PLearn::TextFilesVMatrix::generateMapCounts(), PLearn::StepwiseSelectionOracle::generateNewSearchset(), PLearn::Calendar::getCalendarTime(), PLearn::VecExtendedVMatrix::getNewRow(), PLearn::JulianizeVMatrix::getNewRow(), PLearn::GraphicalBiText::init(), PLearn::injectPLearnClasses(), PLearn::Calendar::intersect(), PLearn::loadAscii(), PLearn::operator>=(), PLearn::VMatLanguage::run(), PLearn::FieldConvertCommand::run(), PLearn::saveAscii(), PLearn::VecStatsCollector::shouldUpdateWindow(), PLearn::sortElements(), PLearn::TVec< T >::sortingPermutation(), PLearn::StrTableVMatrix::StrTableVMatrix(), PLearn::swap(), PLearn::BestAveragingPLearner::train(), PLearn::TVec< T >::TVec(), and PLearn::Calendar::unite().

    { return begin()+length(); }

Here is the caller graph for this function:

template<class T>
void PLearn::TVec< T >::fill ( const T &  value) const [inline]

Fills the vector with the given value; no-op if vector is null.

Definition at line 491 of file TVec_decl.h.

Referenced by PLearn::SquaredErrorCostModule::bbpropUpdate(), PLearn::SumVarianceOfLinearTransformedBernoullis::bprop(), PLearn::TreeDBNModule::bpropAccUpdate(), PLearn::TreeDBNModule::build_(), PLearn::SubsamplingDBN::build_(), PLearn::StackedSVDNet::build_(), PLearn::ShiftAndRescaleVMatrix::build_(), PLearn::SelectRowsVMatrix::build_(), PLearn::SelectColumnsVMatrix::build_(), PLearn::RemoveDuplicateVMatrix::build_(), PLearn::ProjectionErrorVariable::build_(), PLearn::NLLNeighborhoodWeightsVariable::build_(), PLearn::NeuralProbabilisticLanguageModel::build_(), PLearn::NeuralNet::build_(), PLearn::NetworkModule::build_(), PLearn::NeighborhoodImputationVMatrix::build_(), PLearn::NatGradSMPNNet::build_(), PLearn::NatGradNNet::build_(), PLearn::MoleculeTemplateLearner::build_(), PLearn::ModuleLearner::build_(), PLearn::mNNet::build_(), PLearn::MissingInstructionVMatrix::build_(), PLearn::MeanMedianModeImputationVMatrix::build_(), PLearn::LinearInductiveTransferClassifier::build_(), PLearn::LinearCombinationModule::build_(), PLearn::KNNImputationVMatrix::build_(), PLearn::GaussMixLocalProjections::build_(), PLearn::FNetLayerVariable::build_(), PLearn::FeatureSetSequentialCRF::build_(), PLearn::FeatureSetNNet::build_(), PLearn::FeatureSetNaiveBayesClassifier::build_(), PLearn::DictionaryVMatrix::build_(), PLearn::DichotomizeVMatrix::build_(), PLearn::DeepNNet::build_(), PLearn::DeepBeliefNet::build_(), PLearn::DatedJoinVMatrix::build_(), PLearn::AdaptGradientOptimizer::build_(), PLearn::PseudolikelihoodRBM::build_layers_and_connections(), PLearn::TargetEncodingLearner::buildEncodingsFromTrainset(), PLearn::DistRepNNet::buildVarGraph(), PLearn::DynamicallyLinkedRBMsModel::clamp_units(), PLearn::DenoisingRecurrentNet::clamp_units(), PLearn::complement_indices(), PLearn::EntropyContrast::compute_df_dx(), PLearn::EntropyContrast::compute_diversity_cost(), PLearn::MoleculeTemplateLearner::compute_S_mean_std(), PLearn::NnlmOutputLayer::computeApproxDiscriminantGradient(), PLearn::computeBasicStats(), PLearn::SubsamplingDBN::computeCostsFromOutputs(), PLearn::StackedSVDNet::computeCostsFromOutputs(), PLearn::StackedFocusedAutoassociatorsNet::computeCostsFromOutputs(), PLearn::StackedAutoassociatorsNet::computeCostsFromOutputs(), PLearn::PseudolikelihoodRBM::computeCostsFromOutputs(), PLearn::MultiInstanceNNet::computeCostsFromOutputs(), PLearn::ManifoldParzen::computeCostsFromOutputs(), PLearn::DiscriminativeRBM::computeCostsFromOutputs(), PLearn::DiscriminativeDeepBeliefNet::computeCostsFromOutputs(), PLearn::DeepNonLocalManifoldParzen::computeCostsFromOutputs(), PLearn::DeepBeliefNet::computeCostsFromOutputs(), PLearn::AddCostToLearner::computeCostsFromOutputs(), PLearn::NnlmOutputLayer::computeDiscriminantGradient(), PLearn::NnlmOutputLayer::computeEmpiricalLearningRateParameters(), PLearn::RationalQuadraticARDKernel::computeGramMatrix(), PLearn::Matern1ARDKernel::computeGramMatrix(), PLearn::LayerCostModule::computeKLdiv(), PLearn::GaussMix::computeMixtureWeights(), PLearn::LocalGaussianClassifier::computeOutput(), PLearn::KNNRegressor::computeOutput(), PLearn::KNNClassifier::computeOutput(), PLearn::BestAveragingPLearner::computeOutput(), PLearn::VPLProcessor::computeOutputAndCosts(), PLearn::VPLPreprocessedLearner2::computeOutputAndCosts(), PLearn::NNet::computeOutputAndCosts(), PLearn::MultiInstanceNNet::computeOutputAndCosts(), PLearn::GaussianProcessRegressor::computeOutputAux(), PLearn::NatGradNNet::computeOutputsAndCosts(), PLearn::mNNet::computeOutputsAndCosts(), PLearn::GaussMix::computePosteriors(), PLearn::RBMMixedConnection::computeProduct(), PLearn::PLS::computeResidVariance(), PLearn::BasisSelectionRegressor::computeWeightedAveragesWithResidue(), PLearn::computeWeightedInputOutputMeansAndStddev(), PLearn::ChemicalICP::computeWeights(), PLearn::StackedAutoassociatorsNet::corrupt_input(), PLearn::DichotomizeDond2DiscreteVariables::dichotomizeDiscreteVariables(), PLearn::SummationKernel::evaluate_all_i_x(), PLearn::RationalQuadraticARDKernel::evaluate_all_i_x(), PLearn::IIDNoiseKernel::evaluate_all_i_x(), PLearn::MixtureDistribution::expectation(), PLearn::GaussMix::expectation(), PLearn::ProcessSymbolicSequenceVMatrix::fill_current_row(), PLearn::fill_one_hot(), PLearn::ShuntingNNetLayerModule::forget(), PLearn::SequentialModelSelector::forget(), PLearn::RBMQLParameters::forget(), PLearn::RBMLQParameters::forget(), PLearn::RBMGaussianLayer::forget(), PLearn::PvGradNNet::forget(), PLearn::PseudolikelihoodRBM::forget(), PLearn::NatGradSMPNNet::forget(), PLearn::NatGradNNet::forget(), PLearn::IncrementalNNet::forget(), PLearn::GaussMix::forget(), PLearn::TreeDBNModule::fprop(), PLearn::Supersampling2DModule::fprop(), PLearn::Subsampling2DModule::fprop(), PLearn::RowSumSquareVariable::fprop(), PLearn::OnBagsModule::fprop(), PLearn::Convolution2DModule::fprop(), PLearn::BackConvolution2DModule::fprop(), PLearn::RBMWoodsLayer::freeEnergyContributionGradient(), PLearn::NGramTree::freq(), PLearn::TreeDBNModule::full_fprop(), PLearn::RBMDistribution::generate(), PLearn::GaussMix::generateFromGaussian(), PLearn::RBMDistribution::generateN(), PLearn::MultiTargetOneHotVMatrix::getNewRow(), PLearn::MeanImputationVMatrix::getNewRow(), PLearn::GeneralizedOneHotVMatrix::getNewRow(), PLearn::ExtendedVMatrix::getNewRow(), PLearn::DatedJoinVMatrix::getNewRow(), PLearn::RegressionTreeMulticlassLeaveProb::getOutputAndError(), PLearn::ConstantVMatrix::getSubRow(), PLearn::ProcessSymbolicSequenceVMatrix::getValues(), PLearn::EntropyContrast::initialize_NNcontinuous(), PLearn::DistRepNNet::initializeParams(), PLearn::DeepNNet::initializeParams(), PLearn::ConditionalDensityNet::initializeParams(), PLearn::TreeDBNModule::initSampling(), PLearn::RegressionTreeMulticlassLeaveProb::initStats(), PLearn::RegressionTreeMulticlassLeaveFast::initStats(), PLearn::RegressionTreeMulticlassLeave::initStats(), PLearn::IntStreamVMatrix::IntStreamVMatrix(), PLearn::isMissing(), PLearn::linearRegression(), PLearn::loadAscii(), PLearn::loadUCIMLDB(), PLearn::RBMDistribution::log_density(), PLearn::DiskVMatrix::makeDeepCopyFromShallowCopy(), PLearn::TransformationLearner::MStepBias(), PLearn::TransformationLearner::MStepNoiseVarianceMAP(), PLearn::TransformationLearner::MStepTransformDistributionMAP(), PLearn::NGramTree::n_freq(), PLearn::NGramTree::normalization(), PLearn::BasisSelectionRegressor::thread_wawr::operator()(), PLearn::operator<<(), PLearn::AutoScaledGradientOptimizer::optimizeN(), PLearn::TMatTest::perform(), PLearn::FileVMatrixTest::perform(), PLearn::ConjRosenbrock::perform(), PLearn::NatGradSMPNNet::pvGradUpdate(), PLearn::ReconstructionWeightsKernel::reconstruct(), PLearn::NnlmOutputLayer::resetAllClassVars(), PLearn::NnlmOutputLayer::resetParameters(), PLearn::GaussMix::resizeDataBeforeTraining(), PLearn::GaussMix::resizeDataBeforeUsing(), PLearn::ShuntingNNetLayerModule::resizeOnes(), PLearn::LinearFilterModule::resizeOnes(), PLearn::GradNNetLayerModule::resizeOnes(), PLearn::ridgeRegressionByGCV(), PLearn::FieldConvertCommand::run(), PLearn::ChemicalICP::run(), PLearn::EntropyContrast::set_NNcontinuous_gradient_from_extra_cost(), PLearn::GeodesicDistanceKernel::setDataForKernelMatrix(), PLearn::DivisiveNormalizationKernel::setDataForKernelMatrix(), PLearn::AdditiveNormalizationKernel::setDataForKernelMatrix(), PLearn::TextFilesVMatrix::setMetaDataDir(), PLearn::GaussianizeVMatrix::setMetaDataDir(), PLearn::SDBVMOutputCoder::setOutput(), PLearn::GaussMix::setPredictor(), PLearn::AutoScaledGradientOptimizer::setToOptimize(), PLearn::LimitedGaussianSmoother::smooth(), PLearn::sums2Gaussian(), PLearn::SymmMatNullSpaceByInversePowerIteration(), PLearn::PseudolikelihoodRBM::test(), PLearn::PLearner::test(), PLearn::NnlmOnlineLearner::test(), PLearn::DynamicallyLinkedRBMsModel::test(), PLearn::DenoisingRecurrentNet::test(), PLearn::WPLS::train(), PLearn::VariableSelectionWithDirectedGradientDescent::train(), PLearn::TopDownAsymetricDeepNetwork::train(), PLearn::StackedSVDNet::train(), PLearn::StackedFocusedAutoassociatorsNet::train(), PLearn::PseudolikelihoodRBM::train(), PLearn::NGramDistribution::train(), PLearn::NatGradSMPNNet::train(), PLearn::NatGradNNet::train(), PLearn::mNNet::train(), PLearn::ManifoldParzen::train(), PLearn::IncrementalNNet::train(), PLearn::GaussMix::train(), PLearn::DiverseComponentAnalysis::train(), PLearn::DiscriminativeRBM::train(), PLearn::DiscriminativeDeepBeliefNet::train(), PLearn::DeepNonLocalManifoldParzen::train(), PLearn::CubicSpline::train(), PLearn::ConditionalDensityNet::train(), PLearn::BinaryStump::train(), PLearn::AutoLinearRegressor::train(), PLearn::AdaBoost::train(), PLearn::DenoisingRecurrentNet::trainUnconditionalPredictor(), PLearn::RBMLayer::update(), PLearn::ConditionalStatsCollector::update(), PLearn::GaussMix::updateCholeskyFromPrevious(), PLearn::ToBagClassifier::updateCostAndBagOutput(), PLearn::GaussMix::updateInverseVarianceFromPrevious(), PLearn::weightedLinearRegression(), and PLearn::weightedRidgeRegressionByGCV().

    {
        if (isNotEmpty())
            fill_n(data(), length(), value);
    }
template<class T>
void PLearn::TVec< T >::fill ( const T &  startval,
const T &  step 
) [inline]

Fills the vector, putting startval in its first element and increments of step in subsequent elements.

Definition at line 499 of file TVec_decl.h.

    {
        iterator it = begin();
        iterator itend = end();
        for(T val=startval; it!=itend; ++it, val+=step)
            *it = val;
    }
template<class T>
int PLearn::TVec< T >::find ( const T &  element,
int  start = 0 
) const [inline]

Returns the position of the first occurence of element in the vector or -1 if it never occurs.

Definition at line 827 of file TVec_decl.h.

Referenced by PLearn::VMatrix::addStringMapping(), PLearn::ModuleLearner::build_(), PLearn::LIBSVMSparseVMatrix::build_(), PLearn::ConditionalDictionary::build_(), PLearn::CompareLearner::build_(), PLearn::ClassSubsetVMatrix::build_(), PLearn::TargetEncodingLearner::buildEncodingsFromTrainset(), PLearn::DistRepNNet::buildVarGraph(), PLearn::LinearInductiveTransferClassifier::computeCostsFromOutputs(), PLearn::ClassifierFromConditionalPDistribution::computeCostsFromOutputs(), PLearn::StructuralLearner::computeFeatures(), PLearn::LinearInductiveTransferClassifier::computeOutputAndCosts(), PLearn::ChemicalICP::computeUsedFeatures(), PLearn::EncodedVMatrix::encodeRow(), PLearn::ConcatRowsVMatrix::ensureMappingsConsistency(), PLearn::ReconstructionWeightsKernel::evaluate_x_i_again(), PLearn::ReIndexedTargetVariable::fprop(), PLearn::NeuralProbabilisticLanguageModel::fpropCostsFromOutput(), PLearn::FeatureSetSequentialCRF::fpropCostsFromOutput(), PLearn::FeatureSetNNet::fpropCostsFromOutput(), PLearn::ClassSubsetVMatrix::get(), PLearn::WordNetSenseDictionary::getId(), PLearn::TextFilesVMatrix::getMapping(), PLearn::ReIndexedTargetVMatrix::getNewRow(), PLearn::IndexedVMatrix::getNewRow(), PLearn::FinancePreprocVMatrix::getNewRow(), PLearn::OnlineLearningModule::getPortIndex(), PLearn::ClassSeparationSplitter::getSplit(), PLearn::ClassSubsetVMatrix::getSubRow(), PLearn::NetworkConnection::initialize(), PLearn::HyperOptimize::optimize(), PLearn::HTMLHelpCommand::parent_classes(), PLearn::ChemicalICP::run(), PLearn::ThresholdedKernel::setDataForKernelMatrix(), PLearn::PseudolikelihoodRBM::train(), PLearn::KFoldLogisticClassifier::train(), PLearn::GaussMix::train(), PLearn::FeatureSetNaiveBayesClassifier::train(), and PLearn::StructuralLearner::updateFeatures().

    {
        if (length()==0) return -1;
        T *v = data();
        for (int i=start; i<length(); i++)
            if(v[i]==element)
                return i;
        return -1;
    }

Here is the caller graph for this function:

template<class T>
TVec<int> PLearn::TVec< T >::find ( TVec< T >  elements) [inline]

Definition at line 837 of file TVec_decl.h.

    {
        TVec<int> indices(elements.length(),-1);
        if (length()==0) return indices;
        T *v = data();
        for (int i=0, m=elements.length(); i<m; i++)
            for (int j=0; j<length(); j++)
                if (v[j] == elements[i])
                {
                    indices[i] = j;
                    break;
                }
        return indices;
    }
template<class T>
TVec<int> PLearn::TVec< T >::findIndices ( const T &  element) [inline]

return the set of indices whose corresponding values are "element".

Definition at line 795 of file TVec_decl.h.

Referenced by PLearn::MoleculeTemplate::readFromAMATFile().

    {
        TVec<int> indices(0);
        if (!isEmpty())
        {
            T *v = data();
            for (int i=0; i<length(); i++)
                if (v[i]==element)
                    indices.append(i);
        }
        return indices;
    }

Here is the caller graph for this function:

template<class T>
TVec<int> PLearn::TVec< T >::findIndices ( const TVec< T > &  elements) [inline]

Definition at line 808 of file TVec_decl.h.

    {
        TVec<int> indices(0);
        if (!isEmpty())
        {
            T *v = data();
            for (int i=0; i<length(); i++)
                for (int j=0, m=elements.length(); j<m; j++)
                    if (v[i] == elements[j])
                    {
                        indices.append(i);
                        break;
                    }
        }
        return indices;
    }
template<class T>
int PLearn::TVec< T >::findSorted ( value) const [inline]

Return the first index where the value COULD be.

If mulitiple value present, return the first index If the value is not present, return the first index with data bigger then the value.

Definition at line 544 of file TVec_decl.h.

Referenced by PLearn::CubicSpline::computeOutput().

    {
        if (isEmpty())
            return 0;
 
        pair<iterator, iterator> range =
            equal_range(begin(), end(), value);
        
        return int(range.first - begin());
    }

Here is the caller graph for this function:

template<class T>
T& PLearn::TVec< T >::first ( ) const [inline]
template<class T>
T& PLearn::TVec< T >::firstElement ( ) const [inline]

Definition at line 668 of file TVec_decl.h.

    { 
#ifdef BOUNDCHECK
        if(length()==0)
            PLERROR("TVec::firstElement() - can't access first"
                    " element of TVec as there is 0 element!");
#endif 
        return storage->data[offset_]; 
    }
template<class T>
T& PLearn::TVec< T >::front ( ) const [inline]

Definition at line 678 of file TVec_decl.h.

{ return firstElement(); }
template<class T>
PP< Storage<T> > PLearn::TVec< T >::getStorage ( ) const [inline]
template<class T>
bool PLearn::TVec< T >::hasMissing ( ) const [inline]

Definition at line 171 of file TVec_decl.h.

Referenced by PLearn::KNNImputationVMatrix::build_(), PLearn::choleskyAppendDimension(), PLearn::PCA::classical_algo(), PLearn::computeLocalPrincipalComponents(), PLearn::GaussMix::computeLogLikelihood(), PLearn::GaussMix::computeMeansAndCovariances(), PLearn::GaussianProcessRegressor::computeOutputAux(), PLearn::GaussMix::computePosteriors(), PLearn::UniformizeLearner::computeRankMap(), PLearn::UniformizeLearner::computeWeightedRankMap(), PLearn::SoftmaxNLLCostModule::fprop(), PLearn::NLLCostModule::fprop(), PLearn::RBMMultinomialLayer::fpropNLL(), PLearn::GaussMix::generateFromGaussian(), PLearn::MeanImputationVMatrix::getNewRow(), PLearn::KNNImputationVMatrix::getNewRow(), PLearn::SDBVMatrix::getRow(), PLearn::PCA::incremental_algo(), PLearn::GaussMix::kmeans(), PLearn::GaussMix::missingExpectation(), PLearn::GradientOptimizer::optimizeN(), PLearn::AutoScaledGradientOptimizer::optimizeN(), PLearn::VecStatsCollector::remove_observation(), PLearn::save_vmat_as_arff(), PLearn::save_vmat_as_csv(), PLearn::ThresholdedKernel::setDataForKernelMatrix(), PLearn::GaussMix::setPredictor(), PLearn::BallTreeNearestNeighbors::smallestContainer(), PLearn::MovingAverage::test(), PLearn::EmbeddedSequentialLearner::test(), PLearn::MovingAverage::train(), PLearn::ConstantRegressor::train(), PLearn::BallTreeNearestNeighbors::treeFromLeaves(), and PLearn::VecStatsCollector::update().

    {
        iterator it = begin();
        iterator itend = end();
        for(; it!=itend; ++it)
            if(is_missing(*it))
                return true;
        return false;
    }

Here is the caller graph for this function:

template<class T >
void PLearn::TVec< T >::input ( istream &  in = cin) const

Definition at line 106 of file TMat_impl.h.

References i, and PLERROR.

Referenced by PLearn::operator>>().

{
    T* v = data();
    for(int i=0; i<length(); i++)
    {
        if(!(in>>v[i]))
            PLERROR("In TVec::input error encountered while reading vector");
    
    }
}

Here is the caller graph for this function:

template<class T >
void PLearn::TVec< T >::input ( PStream in) const

Definition at line 118 of file TMat_impl.h.

References PLearn::PStream::eof(), i, PLearn::PStream::peek(), PLERROR, and PLearn::PStream::skipBlanksAndCommentsAndSeparators().

{
    T* v = data();
    int l = length();
    for(int i=0; i<l; i++)
    {
        in.skipBlanksAndCommentsAndSeparators();
        if(in.peek()==EOF || in.eof())
            PLERROR("In TVec::input encountered EOF before reading the last element of %d",l);
        in>>v[i];
    }
}

Here is the call graph for this function:

template<class T>
void PLearn::TVec< T >::insert ( int  position,
value 
) [inline]

inserts element at position (actually between values at position-1 and posiion). Length is increased by 1.

Definition at line 511 of file TVec_decl.h.

Referenced by PLearn::TargetEncodingLearner::buildEncodingsFromTrainset(), PLearn::SurfaceMesh::cacheNeighborFaces(), PLearn::DX_create_grid_outputs_file(), and PLearn::HTMLHelpCommand::parent_classes().

    {
#ifdef BOUNDCHECK
        if(position<0 || position>length())
            PLERROR("OUT OF BOUNDS in TVec::insert");
#endif
        resize(length()+1);
        T* v = data();
        for(int i=length()-1; i>position; i--)
            v[i] = v[i-1];
        v[position] = value;
    }

Here is the caller graph for this function:

template<class T>
void PLearn::TVec< T >::insertSorted ( value,
bool  uniq 
) [inline]

Definition at line 555 of file TVec_decl.h.

    {
        int i = findSorted(value);
        if(!uniq || i==length() || (*this)[i]!=value)
            insert(i,value);
    }
template<class T>
bool PLearn::TVec< T >::isEmpty ( ) const [inline]

Definition at line 467 of file TVec_decl.h.

Referenced by PLearn::YMDDatedVMatrix::build_(), PLearn::SubsamplingDBN::build_(), PLearn::ShiftAndRescaleVMatrix::build_(), PLearn::RunObject::build_(), PLearn::RandomSamplesVMatrix::build_(), PLearn::NatGradSMPNNet::build_(), PLearn::Function::build_(), PLearn::ExtendedVMatrix::build_(), PLearn::DisregardRowsVMatrix::build_(), PLearn::DeepBeliefNet::build_(), PLearn::AddMissingVMatrix::build_(), PLearn::AddLayersNNet::build_(), PLearn::DeepBeliefNet::build_costs(), PLearn::DeepBeliefNet::build_layers_and_connections(), PLearn::TextFilesVMatrix::buildIdx(), PLearn::DeepBeliefNet::computeClassifAndFinalCostsFromOutputs(), PLearn::SubsamplingDBN::computeCostsFromOutputs(), PLearn::DeepBeliefNet::computeCostsFromOutputs(), PLearn::GaussMix::computeLogLikelihood(), PLearn::SubsamplingDBN::computeOutput(), PLearn::KFoldLogisticClassifier::computeOutput(), PLearn::DeepBeliefNet::computeOutput(), PLearn::DeepBeliefNet::computeOutputsAndCosts(), PLearn::PRandom::fill_random_discrete(), PLearn::SubsamplingDBN::forget(), PLearn::DeepBeliefNet::forget(), PLearn::TreeDBNModule::fprop(), PLearn::RBMModule::fprop(), PLearn::Calendar::getCalendarTime(), PLearn::MixUnlabeledNeighbourVMatrix::getNewRow(), PLearn::FilteredVMatrix::getNewRow(), PLearn::SplitModule::getPorts(), PLearn::OnlineLearningModule::getPorts(), PLearn::NullModule::getPorts(), PLearn::MatrixModule::getPorts(), PLearn::CostModule::getPorts(), PLearn::TestInTrainSplitter::getSplit(), PLearn::SourceVMatrixSplitter::getSplit(), PLearn::SVMClassificationTorch::getTestCostNames(), PLearn::RegressorFromDistribution::getTestCostNames(), PLearn::RankingFromKernel::getTestCostNames(), PLearn::PDistribution::getTestCostNames(), PLearn::KFoldLogisticClassifier::getTestCostNames(), PLearn::NNet::getTrainCostNames(), PLearn::GaussMix::getTrainCostNames(), PLearn::DistRepNNet::getTrainCostNames(), PLearn::BinaryStump::getTrainCostNames(), PLearn::SubsamplingDBN::greedyStep(), PLearn::DeepBeliefNet::greedyStep(), PLearn::TVec< PP< RegressionTreeNode > >::isEqual(), PLearn::SubsamplingDBN::jointGreedyStep(), PLearn::DeepBeliefNet::jointGreedyStep(), PLearn::GaussMix::kmeans(), PLearn::median(), PLearn::ConvertToPyObject< Vec >::newPyObject(), PLearn::TestInTrainSplitter::nsplits(), PLearn::SubsamplingDBN::onlineStep(), PLearn::DeepBeliefNet::onlineStep(), PLearn::TVec< PP< RegressionTreeNode > >::operator==(), PLearn::HyperSetOption::optimize(), PLearn::HyperOptimize::optimize(), PLearn::KFoldLogisticClassifier::outputsize(), PLearn::PTester::perform1Split(), PLearn::product(), PLearn::productAcc(), PLearn::productScaleAcc(), PLearn::RunObject::run(), PLearn::Grapher::run(), PLearn::selectColumns(), PLearn::selectRows(), PLearn::GhostScript::setdash(), PLearn::GaussMix::setPredictor(), PLearn::VMatLanguage::setSource(), PLearn::shuffleElements(), PLearn::PRandom::shuffleElements(), PLearn::GaussMix::train(), PLearn::ModuleLearner::trainingStep(), PLearn::transposeProduct(), PLearn::transposeProductAcc(), PLearn::transposeProductScaleAcc(), PLearn::GaussMix::updateCholeskyFromPrevious(), and PLearn::GaussMix::updateInverseVarianceFromPrevious().

    { return length_==0; }
template<class T>
bool PLearn::TVec< T >::isEqual ( const TVec< T > &  value,
bool  ignore_missing = false 
) const [inline]

same as operator== but dealing with NaN and Inf

Definition at line 750 of file TVec_decl.h.

Referenced by PLearn::BaggingLearner::computeCostsFromOutputs(), and PLearn::AdaBoost::test().

    {
        if (value.isEmpty() && isEmpty()) return true;
        if (value.length() != length())   return false;
        if (!ignore_missing) return ((*this)==value);

        T* x = data();
        T* y = value.data();
        for (int i=0;  i<length();  i++)
        {
            real x_i = x[i];
            real y_i = y[i];

            // For NaN values
            if (isnan(x_i))
            {
                if (isnan(y_i))
                    continue;
                else
                    return false;
            }
            else if (isnan(x_i)) return false;

            // For Inf values
            if (isinf(x_i))
            {
                if (isinf(y_i))
                    continue;
                else
                    return false;
            }
            else if (isinf(x_i)) return false;

            if (x_i != y_i) return false;
        }
        return true;
    }

Here is the caller graph for this function:

template<class T>
bool PLearn::TVec< T >::isNotEmpty ( ) const [inline]
template<class T>
bool PLearn::TVec< T >::isNotNull ( ) const [inline]

Definition at line 464 of file TVec_decl.h.

    { return storage.isNotNull(); }
template<class T>
bool PLearn::TVec< T >::isNull ( ) const [inline]

Definition at line 461 of file TVec_decl.h.

Referenced by PLearn::DeepReconstructorNet::build_(), PLearn::ConvertToPyObject< Vec >::newPyObject(), and PLearn::Array< char * >::operator char *().

    { return storage.isNull(); }

Here is the caller graph for this function:

template<class T>
T& PLearn::TVec< T >::last ( ) const [inline]
template<class T>
T& PLearn::TVec< T >::lastElement ( ) const [inline]
template<class T>
int PLearn::TVec< T >::length ( ) const [inline]

Reimplemented in PLearn::RVArray, and PLearn::RVInstanceArray.

Definition at line 182 of file TVec_decl.h.

Referenced by PLearn::VarArray::accumulateGradientFrom(), PLearn::VarArray::accumulateGradientTo(), PLearn::VarArray::accumulateTo(), PLearn::add(), PLearn::NGramTree::add(), PLearn::NeuralProbabilisticLanguageModel::add_affine_transform(), PLearn::FeatureSetSequentialCRF::add_affine_transform(), PLearn::FeatureSetNNet::add_affine_transform(), PLearn::add_missing(), PLearn::GaussianKernel::addDataForKernelMatrix(), PLearn::SurfaceMesh::addFace(), PLearn::HashMapFeatureSet::addFeatures(), PLearn::addIfNonMissing(), PLearn::RBMModule::addPortName(), PLearn::OnBagsModule::addPortName(), PLearn::LayerCostModule::addPortName(), PLearn::KLp0p1RBMModule::addPortName(), PLearn::RegressionTreeMulticlassLeave::addRow(), PLearn::GaussMix::addToCovariance(), PLearn::addToDiagonal(), PLearn::SurfaceMesh::addVertex(), PLearn::addXandX2IfNonMissing(), PLearn::LearnerCommand::analyze_inputs(), PLearn::AnalyzeFieldStats::analyzeVariableStats(), PLearn::BallTreeNearestNeighbors::anchorTrain(), PLearn::TVec< PP< RegressionTreeNode > >::append(), PLearn::IntVecFile::append(), PLearn::BasisSelectionRegressor::appendCandidateFunctionsOfSingleField(), PLearn::BasisSelectionRegressor::appendFunctionToSelection(), PLearn::BasisSelectionRegressor::appendKernelFunctions(), PLearn::TMat< T >::appendRow(), PLearn::FileVMatrix::appendRow(), PLearn::DiskVMatrix::appendRow(), PLearn::AsciiVMatrix::appendRow(), PLearn::apply(), PLearn::NnlmOutputLayer::applyMuGradient(), PLearn::DenoisingRecurrentNet::applyMultipleSoftmaxToInputWindow(), PLearn::NnlmOutputLayer::applySigmaGradient(), PLearn::argmax(), PLearn::argmin(), PLearn::AsciiVMatrix::AsciiVMatrix(), PLearn::TextFilesVMatrix::autoBuildMappings(), PLearn::avgdev(), PLearn::backConvolve1D(), PLearn::backConvolve1Dbackprop(), PLearn::TransformationLearner::batchGeneratePredictedFrom(), PLearn::binary_search(), PLearn::binwrite(), PLearn::binwrite_double(), PLearn::NeighborhoodBoxVolumeDensityEstimator::box_contains(), PLearn::SumVarianceOfLinearTransformedCategoricals::bprop(), PLearn::SquareRootVariable::bprop(), PLearn::SaltPepperNoiseVariable::bprop(), PLearn::RandomForcedValuesVariable::bprop(), PLearn::PlusManyVariable::bprop(), PLearn::NllSemisphericalGaussianVariable::bprop(), PLearn::NeuralProbabilisticLanguageModel::bprop(), PLearn::MultiMaxVariable::bprop(), PLearn::LocalizedFeaturesLayerVariable::bprop(), PLearn::LinearCombinationOfScalarVariables::bprop(), PLearn::InsertZerosVariable::bprop(), PLearn::HeterogenuousAffineTransformWeightPenalty::bprop(), PLearn::HeterogenuousAffineTransformVariable::bprop(), PLearn::FeatureSetSequentialCRF::bprop(), PLearn::FeatureSetNNet::bprop(), PLearn::DiagVariable::bprop(), PLearn::bprop_tanh(), PLearn::NllGeneralGaussianVariable::bprop_to_bases(), PLearn::DeepNonLocalManifoldParzen::bprop_to_bases(), PLearn::VBoundDBN2::bpropAccUpdate(), PLearn::TreeDBNModule::bpropAccUpdate(), PLearn::SplitModule::bpropAccUpdate(), PLearn::SoftmaxNLLCostModule::bpropAccUpdate(), PLearn::RBMSparse1DMatrixConnection::bpropAccUpdate(), PLearn::RBMModule::bpropAccUpdate(), PLearn::RBMMixedConnection::bpropAccUpdate(), PLearn::RBMMatrixConnection::bpropAccUpdate(), PLearn::RBMConv2DConnection::bpropAccUpdate(), PLearn::OnlineLearningModule::bpropAccUpdate(), PLearn::OnBagsModule::bpropAccUpdate(), PLearn::NullModule::bpropAccUpdate(), PLearn::NLLCostModule::bpropAccUpdate(), PLearn::NetworkModule::bpropAccUpdate(), PLearn::MaxSubsampling2DModule::bpropAccUpdate(), PLearn::MatrixModule::bpropAccUpdate(), PLearn::LinearCombinationModule::bpropAccUpdate(), PLearn::LayerCostModule::bpropAccUpdate(), PLearn::KLp0p1RBMModule::bpropAccUpdate(), PLearn::IdentityModule::bpropAccUpdate(), PLearn::CrossEntropyCostModule::bpropAccUpdate(), PLearn::CostModule::bpropAccUpdate(), PLearn::Convolution2DModule::bpropAccUpdate(), PLearn::BinarizeModule::bpropAccUpdate(), PLearn::ArgmaxModule::bpropAccUpdate(), PLearn::RBMLateralBinomialLayer::bpropNLL(), PLearn::RBMLateralBinomialLayer::bpropUpdate(), PLearn::OnlineLearningModule::bpropUpdate(), PLearn::DenoisingRecurrentNet::bpropUpdateHiddenLayer(), PLearn::ViewSplitterVMatrix::build_(), PLearn::VariableDeletionVMatrix::build_(), PLearn::VarArrayElementVariable::build_(), PLearn::UniformDistribution::build_(), PLearn::UnfrozenDeepBeliefNet::build_(), PLearn::UnfoldedFuncVariable::build_(), PLearn::TreeDBNModule::build_(), PLearn::TopDownAsymetricDeepNetwork::build_(), PLearn::TemporaryDiskVMatrix::build_(), PLearn::SurfaceTemplateLearner::build_(), PLearn::SupervisedDBN::build_(), PLearn::SubsamplingDBN::build_(), PLearn::SubInputVMatrix::build_(), PLearn::StackedSVDNet::build_(), PLearn::StackedSplitter::build_(), PLearn::StackedModulesModule::build_(), PLearn::StackedFocusedAutoassociatorsNet::build_(), PLearn::StackedAutoassociatorsNet::build_(), PLearn::SplitWiseValidationVMatrix::build_(), PLearn::SplitModule::build_(), PLearn::SortRowsVMatrix::build_(), PLearn::ShuntingNNetLayerModule::build_(), PLearn::ShiftAndRescaleVMatrix::build_(), PLearn::SequentialModelSelector::build_(), PLearn::SemiSupervisedProbClassCostVariable::build_(), PLearn::SelectRowsVMatrix::build_(), PLearn::SelectRowsMultiInstanceVMatrix::build_(), PLearn::SelectInputSubsetLearner::build_(), PLearn::SelectColumnsVMatrix::build_(), PLearn::ScoreLayerVariable::build_(), PLearn::RunObject::build_(), PLearn::ReplicateSamplesVMatrix::build_(), PLearn::RemoveDuplicateVMatrix::build_(), PLearn::ReIndexedTargetVariable::build_(), PLearn::RegularGridVMatrix::build_(), PLearn::RealFunctionsProcessedVMatrix::build_(), PLearn::RBMTrainer::build_(), PLearn::RBMDiagonalMatrixConnection::build_(), PLearn::RandomSamplesVMatrix::build_(), PLearn::RandomGaussMix::build_(), PLearn::PvGradNNet::build_(), PLearn::PTimer::build_(), PLearn::PseudolikelihoodRBM::build_(), PLearn::ProcessSymbolicSequenceVMatrix::build_(), PLearn::ProcessingVMatrix::build_(), PLearn::PlusManyVariable::build_(), PLearn::PLearnerOutputVMatrix::build_(), PLearn::PartSupervisedDBN::build_(), PLearn::NormalizationLearner::build_(), PLearn::NonLocalManifoldParzen::build_(), PLearn::NNet::build_(), PLearn::NllSemisphericalGaussianVariable::build_(), PLearn::NllGeneralGaussianVariable::build_(), PLearn::NGramDistribution::build_(), PLearn::NeuralProbabilisticLanguageModel::build_(), PLearn::NeuralNet::build_(), PLearn::NetworkModule::build_(), PLearn::NatGradSMPNNet::build_(), PLearn::NatGradNNet::build_(), PLearn::MultiTaskSeparationSplitter::build_(), PLearn::MultiTargetOneHotVMatrix::build_(), PLearn::MultiMaxVariable::build_(), PLearn::MultiInstanceNNet::build_(), PLearn::MovingAverageVMatrix::build_(), PLearn::MoleculeTemplateLearner::build_(), PLearn::MoleculeTemplate::build_(), PLearn::ModuleTester::build_(), PLearn::ModuleStackModule::build_(), PLearn::ModuleLearner::build_(), PLearn::mNNet::build_(), PLearn::MixUnlabeledNeighbourVMatrix::build_(), PLearn::MixtureVMatrix::build_(), PLearn::MissingInstructionVMatrix::build_(), PLearn::MemoryVMatrix::build_(), PLearn::MeanMedianModeImputationVMatrix::build_(), PLearn::ManualBinner::build_(), PLearn::LocalizedFeaturesLayerVariable::build_(), PLearn::LinearInductiveTransferClassifier::build_(), PLearn::LinearFilterModule::build_(), PLearn::LinearCombinationModule::build_(), PLearn::KNNImputationVMatrix::build_(), PLearn::KNNClassifier::build_(), PLearn::IsMissingVariable::build_(), PLearn::InterleaveVMatrix::build_(), PLearn::InsertZerosVariable::build_(), PLearn::IfThenElseVariable::build_(), PLearn::HyperLearner::build_(), PLearn::HintonDeepBeliefNet::build_(), PLearn::HeterogenuousAffineTransformWeightPenalty::build_(), PLearn::HeterogenuousAffineTransformVariable::build_(), PLearn::GeneralizedOneHotVMatrix::build_(), PLearn::GaussPartSupervisedDBN::build_(), PLearn::GaussianDistribution::build_(), PLearn::GaussianDBNRegression::build_(), PLearn::GaussianDBNClassification::build_(), PLearn::Function::build_(), PLearn::ForwardModule::build_(), PLearn::FNetLayerVariable::build_(), PLearn::FeatureSetSequentialCRF::build_(), PLearn::FeatureSetNNet::build_(), PLearn::FeatureSetNaiveBayesClassifier::build_(), PLearn::ExtendedVMatrix::build_(), PLearn::EncodedVMatrix::build_(), PLearn::EarlyStoppingOracle::build_(), PLearn::DynamicallyLinkedRBMsModel::build_(), PLearn::DistRepNNet::build_(), PLearn::DisregardRowsVMatrix::build_(), PLearn::DiscriminativeDeepBeliefNet::build_(), PLearn::DictionaryVMatrix::build_(), PLearn::DenoisingRecurrentNet::build_(), PLearn::DeepReconstructorNet::build_(), PLearn::DeepNonLocalManifoldParzen::build_(), PLearn::DeepNNet::build_(), PLearn::DeepFeatureExtractorNNet::build_(), PLearn::DeepBeliefNet::build_(), PLearn::DatedJoinVMatrix::build_(), PLearn::CumVMatrix::build_(), PLearn::ConditionalDictionary::build_(), PLearn::ConcatRowsVariable::build_(), PLearn::ConcatRowsSubVMatrix::build_(), PLearn::ConcatColumnsVariable::build_(), PLearn::CompareLearner::build_(), PLearn::CompactFileVMatrix::build_(), PLearn::CombiningCostsModule::build_(), PLearn::ClassSubsetVMatrix::build_(), PLearn::ClassSeparationSplitter::build_(), PLearn::CartesianProductOracle::build_(), PLearn::Calendar::build_(), PLearn::BootstrapVMatrix::build_(), PLearn::BiasWeightAffineTransformVariable::build_(), PLearn::AddLayersNNet::build_(), PLearn::AddCostToLearner::build_(), PLearn::AddBagInformationVMatrix::build_(), PLearn::SubsamplingDBN::build_costs(), PLearn::StackedAutoassociatorsNet::build_costs(), PLearn::PseudolikelihoodRBM::build_costs(), PLearn::DiscriminativeRBM::build_costs(), PLearn::DeepBeliefNet::build_costs(), PLearn::TopDownAsymetricDeepNetwork::build_layers_and_connections(), PLearn::SubsamplingDBN::build_layers_and_connections(), PLearn::StackedFocusedAutoassociatorsNet::build_layers_and_connections(), PLearn::StackedAutoassociatorsNet::build_layers_and_connections(), PLearn::PseudolikelihoodRBM::build_layers_and_connections(), PLearn::DiscriminativeDeepBeliefNet::build_layers_and_connections(), PLearn::DeepNonLocalManifoldParzen::build_layers_and_connections(), PLearn::DeepBeliefNet::build_layers_and_connections(), PLearn::SupervisedDBN::build_params(), PLearn::PartSupervisedDBN::build_params(), PLearn::HintonDeepBeliefNet::build_params(), PLearn::GaussPartSupervisedDBN::build_params(), PLearn::GaussianDBNRegression::build_params(), PLearn::GaussianDBNClassification::build_params(), PLearn::SupervisedDBN::build_regressors(), PLearn::PartSupervisedDBN::build_regressors(), PLearn::GaussPartSupervisedDBN::build_regressors(), PLearn::BasisSelectionRegressor::buildAllCandidateFunctions(), PLearn::DeepFeatureExtractorNNet::buildCosts(), PLearn::TargetEncodingLearner::buildEncodingsFromTrainset(), PLearn::DeepFeatureExtractorNNet::buildFuncs(), PLearn::TextFilesVMatrix::buildIdx(), PLearn::TransformationLearner::buildLearnedParameters(), PLearn::StackedModulesLearner::buildOptions(), PLearn::NNet::buildOutputFromInput(), PLearn::DistRepNNet::buildOutputFromInput(), PLearn::DistRepNNet::buildPenalties(), PLearn::DeepFeatureExtractorNNet::buildPenalties(), PLearn::AddLayersNNet::buildPenalties(), PLearn::BasisSelectionRegressor::buildSimpleCandidateFunctions(), PLearn::DistRepNNet::buildSparseAffineTransform(), PLearn::DistRepNNet::buildSparseAffineTransformWeightPenalty(), PLearn::StructuralLearner::buildTasksParameters(), PLearn::StructuralLearner::buildThetaParameters(), PLearn::BasisSelectionRegressor::buildTopCandidateFunctions(), PLearn::DistRepNNet::buildVarGraph(), PLearn::ByteMemoryVMatrix::ByteMemoryVMatrix(), PLearn::HistogramDistribution::calc_density_from_survival(), PLearn::HistogramDistribution::calc_survival_from_density(), PLearn::centerSubVec(), PLearn::TreeDBNModule::check_shift(), PLearn::SequentialModelSelector::checkModelNames(), PLearn::OnlineLearningModule::checkProp(), PLearn::chol_rotapp(), PLearn::choleskyAppendDimension(), PLearn::choleskyLeftSolve(), PLearn::choleskyRightSolve(), PLearn::choleskySolve(), PLearn::DynamicallyLinkedRBMsModel::clamp_units(), PLearn::DenoisingRecurrentNet::clamp_units(), PLearn::TemporaryDiskVMatrix::closeCurrentFiles(), PLearn::DiskVMatrix::closeCurrentFiles(), PLearn::color_luminance_to_rgbreal(), PLearn::columnArgmax(), PLearn::columnArgmin(), PLearn::columnmatrix(), PLearn::columnMax(), PLearn::columnMean(), PLearn::columnMin(), PLearn::TMat< pair< real, real > >::columns(), PLearn::columnSum(), PLearn::columnSumOfSquares(), PLearn::columnVariance(), PLearn::columnWeightedMean(), PLearn::columnWeightedVariance(), compare(), PLearn::complement_indices(), PLearn::VecCompressor::compressVec(), PLearn::NnlmOutputLayer::compute_approx_nl_p_t_r(), PLearn::compute_fastsigmoid(), PLearn::compute_fasttanh(), PLearn::compute_inverse_sigmoid(), PLearn::compute_log(), PLearn::compute_safelog(), PLearn::compute_sigmoid(), PLearn::compute_sign(), PLearn::NeuralProbabilisticLanguageModel::compute_softmax(), PLearn::FeatureSetSequentialCRF::compute_softmax(), PLearn::FeatureSetNNet::compute_softmax(), PLearn::compute_sqrt(), PLearn::compute_tanh(), PLearn::PseudolikelihoodRBM::compute_Z(), PLearn::GaussMix::computeAllLogLikelihoods(), PLearn::DeepReconstructorNet::computeAndSaveLayerActivationStats(), PLearn::NnlmOutputLayer::computeApproxDiscriminantGradient(), PLearn::LiftStatsCollector::computeAUC(), PLearn::computeConditionalMeans(), PLearn::VPLPreprocessedLearner2::computeConfidenceFromOutput(), PLearn::VPLPreprocessedLearner::computeConfidenceFromOutput(), PLearn::StackedLearner::computeConfidenceFromOutput(), PLearn::SVMClassificationTorch::computeCostsFromOutputs(), PLearn::SubsamplingDBN::computeCostsFromOutputs(), PLearn::StackedSVDNet::computeCostsFromOutputs(), PLearn::StackedLearner::computeCostsFromOutputs(), PLearn::StackedFocusedAutoassociatorsNet::computeCostsFromOutputs(), PLearn::StackedAutoassociatorsNet::computeCostsFromOutputs(), PLearn::SelectInputSubsetLearner::computeCostsFromOutputs(), PLearn::PseudolikelihoodRBM::computeCostsFromOutputs(), PLearn::NatGradSMPNNet::computeCostsFromOutputs(), PLearn::NatGradNNet::computeCostsFromOutputs(), PLearn::ModuleLearner::computeCostsFromOutputs(), PLearn::mNNet::computeCostsFromOutputs(), PLearn::LinearInductiveTransferClassifier::computeCostsFromOutputs(), PLearn::TopDownAsymetricDeepNetwork::computeCostsFromOutputs(), PLearn::KNNClassifier::computeCostsFromOutputs(), PLearn::KFoldLogisticClassifier::computeCostsFromOutputs(), PLearn::KernelProjection::computeCostsFromOutputs(), PLearn::GaussianDBNRegression::computeCostsFromOutputs(), PLearn::DiscriminativeRBM::computeCostsFromOutputs(), PLearn::DeepReconstructorNet::computeCostsFromOutputs(), PLearn::DeepNonLocalManifoldParzen::computeCostsFromOutputs(), PLearn::DeepBeliefNet::computeCostsFromOutputs(), PLearn::CompareLearner::computeCostsFromOutputs(), PLearn::BaggingLearner::computeCostsFromOutputs(), PLearn::AddCostToLearner::computeCostsFromOutputs(), PLearn::RegressionTree::computeCostsFromOutputsAndNodes(), PLearn::GaussianDistribution::computeEigenDecomposition(), PLearn::RBMWoodsLayer::computeExpectation(), PLearn::RBMLateralBinomialLayer::computeExpectation(), PLearn::RBMWoodsLayer::computeExpectations(), PLearn::RBMLateralBinomialLayer::computeExpectations(), PLearn::RBMBinomialLayer::computeExpectations(), PLearn::FilteredVMatrix::computeFilteredIndices(), PLearn::computeInputMeanAndStddev(), PLearn::RBMJointGenericParameters::computeLinearUnitActivations(), PLearn::RBMGenericParameters::computeLinearUnitActivations(), PLearn::GaussMix::computeLogLikelihood(), PLearn::computeMeanAndStddev(), PLearn::GaussMix::computeMeansAndCovariances(), PLearn::computeNearestNeighbors(), PLearn::VPLProcessor::computeOutput(), PLearn::VPLPreprocessedLearner2::computeOutput(), PLearn::VPLPreprocessedLearner::computeOutput(), PLearn::VPLCombinedLearner::computeOutput(), PLearn::SVMClassificationTorch::computeOutput(), PLearn::StackedSVDNet::computeOutput(), PLearn::StackedLearner::computeOutput(), PLearn::StackedFocusedAutoassociatorsNet::computeOutput(), PLearn::StackedAutoassociatorsNet::computeOutput(), PLearn::SelectInputSubsetLearner::computeOutput(), PLearn::PruningLinearRegressor::computeOutput(), PLearn::PConditionalDistribution::computeOutput(), PLearn::PCA::computeOutput(), PLearn::NormalizationLearner::computeOutput(), PLearn::NeuralProbabilisticLanguageModel::computeOutput(), PLearn::ManifoldParzen2::computeOutput(), PLearn::ManifoldParzen::computeOutput(), PLearn::LocalGaussianClassifier::computeOutput(), PLearn::KNNClassifier::computeOutput(), PLearn::KFoldLogisticClassifier::computeOutput(), PLearn::GaussMixLocalProjections::computeOutput(), PLearn::GaussianContinuum::computeOutput(), PLearn::FeatureSetSequentialCRF::computeOutput(), PLearn::FeatureSetNNet::computeOutput(), PLearn::FeatureSetNaiveBayesClassifier::computeOutput(), PLearn::DiverseComponentAnalysis::computeOutput(), PLearn::DeepNonLocalManifoldParzen::computeOutput(), PLearn::DeepBeliefNet::computeOutput(), PLearn::CubicSpline::computeOutput(), PLearn::ClassifierFromConditionalPDistribution::computeOutput(), PLearn::VPLPreprocessedLearner2::computeOutputAndCosts(), PLearn::VPLPreprocessedLearner::computeOutputAndCosts(), PLearn::VPLCombinedLearner::computeOutputAndCosts(), PLearn::SelectInputSubsetLearner::computeOutputAndCosts(), PLearn::MultiClassAdaBoost::computeOutputAndCosts(), PLearn::ModuleLearner::computeOutputAndCosts(), PLearn::LinearInductiveTransferClassifier::computeOutputAndCosts(), PLearn::FeatureSetSequentialCRF::computeOutputAndCosts(), PLearn::FeatureSetNNet::computeOutputAndCosts(), PLearn::FeatureSetNaiveBayesClassifier::computeOutputAndCosts(), PLearn::computeOutputFields(), PLearn::StackedAutoassociatorsNet::computeOutputs(), PLearn::StackedAutoassociatorsNet::computeOutputsAndCosts(), PLearn::ModuleLearner::computeOutputsAndCosts(), PLearn::DeepBeliefNet::computeOutputsAndCosts(), PLearn::StructuralLearner::computeOutputWithFeatures(), PLearn::Kernel::computePartialGramMatrix(), PLearn::RBMModule::computePartitionFunction(), PLearn::GaussMix::computePosteriors(), PLearn::computePrincipalComponents(), PLearn::RBMMixedConnection::computeProduct(), PLearn::RBMMatrixTransposeConnection::computeProduct(), PLearn::RBMMatrixConnection::computeProduct(), PLearn::RBMDiagonalMatrixConnection::computeProduct(), PLearn::RBMConv2DConnection::computeProduct(), PLearn::RBMGenericParameters::computeQuadraticUnitActivations(), PLearn::computeRanges(), PLearn::UniformizeLearner::computeRankMap(), PLearn::computeRanks(), PLearn::DeepReconstructorNet::computeReconstructions(), PLearn::Optimizer::computeRepartition(), PLearn::TopDownAsymetricDeepNetwork::computeRepresentation(), PLearn::StackedFocusedAutoassociatorsNet::computeRepresentation(), PLearn::DiscriminativeDeepBeliefNet::computeRepresentation(), PLearn::DeepNonLocalManifoldParzen::computeRepresentation(), PLearn::DeepReconstructorNet::computeRepresentations(), PLearn::SurfaceMesh::computeResolution(), PLearn::Kernel::computeSparseGramMatrix(), PLearn::LocalizedFeaturesLayerVariable::computeSubsets(), PLearn::PruningLinearRegressor::computeTRatio(), PLearn::RBMQLParameters::computeUnitActivations(), PLearn::RBMLQParameters::computeUnitActivations(), PLearn::RBMLLParameters::computeUnitActivations(), PLearn::RBMJointLLParameters::computeUnitActivations(), PLearn::RBMConv2DLLParameters::computeUnitActivations(), PLearn::ChemicalICP::computeUsedFeatures(), PLearn::BasisSelectionRegressor::computeWeightedAveragesWithResidue(), PLearn::computeWeightedMean(), PLearn::UniformizeLearner::computeWeightedRankMap(), PLearn::TVec< PP< RegressionTreeNode > >::concat(), PLearn::concat(), PLearn::constrainedLinearRegression(), PLearn::SDBVMField::convertMissing(), PLearn::convolve1D(), PLearn::convolve1Dbackprop(), PLearn::VVec::copyFrom(), PLearn::VarArray::copyFrom(), PLearn::VarArray::copyGradientFrom(), PLearn::VarArray::copyGradientTo(), PLearn::VarArray::copyMaxValueTo(), PLearn::VarArray::copyMinValueTo(), PLearn::VarArray::copyRValueFrom(), PLearn::VarArray::copyRValueTo(), PLearn::VarArray::copyTo(), PLearn::correlation(), PLearn::StackedAutoassociatorsNet::corrupt_input(), PLearn::DeepBeliefNet::corrupt_input(), PLearn::CombiningCostsModule::costNames(), PLearn::TVec< PP< RegressionTreeNode > >::count(), PLearn::covariance(), PLearn::SequentialValidation::createStatCollectors(), PLearn::SequentialValidation::createStatSpecs(), PLearn::VMatrix::declareFieldNames(), PLearn::NGramDistribution::density(), PLearn::SparseMatrix::diag(), PLearn::diagonalizedFactorsProduct(), PLearn::diagonalizedFactorsProductBprop(), PLearn::diagonalizedFactorsProductTranspose(), PLearn::diagonalizedFactorsProductTransposeBprop(), PLearn::diagonalizedFactorsTransposeProduct(), PLearn::diagonalizedFactorsTransposeProductBprop(), PLearn::diagonalizedFactorsTransposeProductTranspose(), PLearn::diagonalizedFactorsTransposeProductTransposeBprop(), PLearn::diagonalmatrix(), PLearn::SparseMatrix::diagonalOfSquare(), PLearn::diff(), PLearn::diffSquareMultiplyAcc(), PLearn::diffSquareMultiplyScaledAcc(), PLearn::TransformationLearner::dirichlet_sample(), PLearn::PvGradNNet::discountGrad(), PLearn::displayDecisionSurface(), PLearn::displayHistogram(), PLearn::divide(), PLearn::StackedAutoassociatorsNet::divide_input(), PLearn::StatsCollector::dmode(), PLearn::VMatrix::dot(), PLearn::dot(), PLearn::TemporalHorizonVMatrix::dot(), PLearn::SparseVMatrix::dot(), PLearn::RowBufferedVMatrix::dot(), PLearn::MemoryVMatrix::dot(), PLearn::ConcatColumnsVMatrix::dot(), PLearn::CompactVMatrix::dot(), PLearn::SparseMatrix::dotColumn(), PLearn::RowMapSparseMatrix< real >::dotColumn(), PLearn::RowMapSparseMatrix< real >::dotRow(), PLearn::StackedAutoassociatorsNet::double_input(), PLearn::doubleCentering(), PLearn::DTWKernel::dtw(), PLearn::DX_write_2D_fields(), PLearn::eigen_SymmMat(), PLearn::elementsEqualTo(), PLearn::MixtureRandomVariable::ElogP(), PLearn::PCA::em_algo(), PLearn::PCA::em_orth_algo(), PLearn::DenoisingRecurrentNet::encode_artificialData(), PLearn::DenoisingRecurrentNet::encodeAndCreateSupervisedSequence(), PLearn::DenoisingRecurrentNet::encodeAndCreateSupervisedSequence2(), PLearn::EncodedVMatrix::encodeRow(), PLearn::RBMLateralBinomialLayer::energy(), PLearn::RBMGaussianLayer::energy(), PLearn::ConcatRowsVMatrix::ensureMappingsConsistency(), PLearn::equals(), PLearn::estimatedCumProb(), PLearn::Kernel::estimateHistograms(), PLearn::WeightedQuadraticPolynomialKernel::evaluate(), PLearn::WeightedDistance::evaluate(), PLearn::WeightedCostFunction::evaluate(), PLearn::SquaredErrorCostFunction::evaluate(), PLearn::ScaledLaplacianKernel::evaluate(), PLearn::ScaledGeneralizedDistanceRBFKernel::evaluate(), PLearn::PartsDistanceKernel::evaluate(), PLearn::NegLogProbCostFunction::evaluate(), PLearn::MulticlassErrorCostFunction::evaluate(), PLearn::LogOfGaussianDensityKernel::evaluate(), PLearn::LiftBinaryCostFunction::evaluate(), PLearn::LaplacianKernel::evaluate(), PLearn::GeneralizedDistanceRBFKernel::evaluate(), PLearn::GaussianKernel::evaluate(), PLearn::GaussianDensityKernel::evaluate(), PLearn::DirectNegativeCostFunction::evaluate(), PLearn::DifferenceKernel::evaluate(), PLearn::CorrelationKernel::evaluate(), PLearn::ConvexBasisKernel::evaluate(), PLearn::ClassMarginCostFunction::evaluate(), PLearn::ClassErrorCostFunction::evaluate(), PLearn::ClassDistanceProportionCostFunction::evaluate(), PLearn::BinaryKernelDiscrimination::evaluate(), PLearn::BetaKernel::evaluate(), PLearn::Kernel::evaluate_all_i_x(), PLearn::Kernel::evaluate_all_x_i(), PLearn::ThresholdedKernel::evaluate_random_k_x_i(), PLearn::evaluateKernel(), PLearn::evaluateSumOfFbprop(), PLearn::evaluateSumOfFprop(), PLearn::exp(), PLearn::exponentialMovingAverageUpdate(), PLearn::exponentialMovingSquareUpdate(), PLearn::exponentialMovingVarianceUpdate(), PLearn::externalProduct(), PLearn::externalProductAcc(), PLearn::externalProductDivUpdate(), PLearn::externalProductMultUpdate(), PLearn::externalProductScaleAcc(), PLearn::RBMLateralBinomialLayer::externalSymetricProductAcc(), PLearn::extractAncestors(), PLearn::StackedAutoassociatorsNet::fantasizeKTime(), PLearn::fastsigmoid(), PLearn::fasttanh(), PLearn::SumOfVariable::fbprop(), PLearn::CCCostVariable::fbprop(), PLearn::ProcessSymbolicSequenceVMatrix::fill_current_row(), PLearn::fill_one_hot(), PLearn::fill_random_normal(), PLearn::PRandom::fill_random_normal(), PLearn::PRandom::fill_random_uniform(), PLearn::ToBagClassifier::fillSubTarget(), PLearn::LiftStatsCollector::finalize(), PLearn::VMatrix::find(), PLearn::TVec< PP< RegressionTreeNode > >::find(), PLearn::HistogramDistribution::find_bin(), PLearn::ConcatRowsVMatrix::findAllFields(), PLearn::BasisSelectionRegressor::findBestCandidateFunction(), PLearn::ConcatRowsVMatrix::findCommonFields(), PLearn::TVec< PP< RegressionTreeNode > >::findIndices(), PLearn::SubsamplingDBN::fineTuningStep(), PLearn::StackedSVDNet::fineTuningStep(), PLearn::StackedFocusedAutoassociatorsNet::fineTuningStep(), PLearn::StackedAutoassociatorsNet::fineTuningStep(), PLearn::DeepBeliefNet::fineTuningStep(), PLearn::QuantilesStatsIterator::finish(), PLearn::BufferedIntVecFile::flush(), PLearn::VMatrix::forcePutRow(), PLearn::VPLCombinedLearner::forget(), PLearn::TopDownAsymetricDeepNetwork::forget(), PLearn::StackedSVDNet::forget(), PLearn::StackedLearner::forget(), PLearn::StackedFocusedAutoassociatorsNet::forget(), PLearn::StackedAutoassociatorsNet::forget(), PLearn::RBMLateralBinomialLayer::forget(), PLearn::NetworkModule::forget(), PLearn::ManifoldParzen::forget(), PLearn::LinearFilterModule::forget(), PLearn::ForwardModule::forget(), PLearn::DynamicallyLinkedRBMsModel::forget(), PLearn::DistRepNNet::forget(), PLearn::DiscriminativeDeepBeliefNet::forget(), PLearn::DenoisingRecurrentNet::forget(), PLearn::DeepNonLocalManifoldParzen::forget(), PLearn::DeepBeliefNet::forget(), PLearn::CompareLearner::forget(), PLearn::ClassifierFromDensity::forget(), PLearn::BaggingLearner::forget(), PLearn::VBoundDBN2::fprop(), PLearn::SumVarianceOfLinearTransformedCategoricals::fprop(), PLearn::SumOfVariable::fprop(), PLearn::SquaredErrorCostModule::fprop(), PLearn::SplitModule::fprop(), PLearn::SoftmaxNLLCostModule::fprop(), PLearn::SaltPepperNoiseVariable::fprop(), PLearn::RunICPVariable::fprop(), PLearn::RBMWoodsLayer::fprop(), PLearn::RBMModule::fprop(), PLearn::RBMLateralBinomialLayer::fprop(), PLearn::RandomForcedValuesVariable::fprop(), PLearn::ProjectionErrorVariable::fprop(), PLearn::PotentialsVariable::fprop(), PLearn::PlusManyVariable::fprop(), PLearn::OnlineLearningModule::fprop(), PLearn::OnBagsModule::fprop(), PLearn::NullModule::fprop(), PLearn::NllSemisphericalGaussianVariable::fprop(), PLearn::NLLNeighborhoodWeightsVariable::fprop(), PLearn::NLLCostModule::fprop(), PLearn::NetworkModule::fprop(), PLearn::MultiSampleVariable::fprop(), PLearn::MultiMaxVariable::fprop(), PLearn::MaxSubsampling2DModule::fprop(), PLearn::MatrixModule::fprop(), PLearn::LocalizedFeaturesLayerVariable::fprop(), PLearn::LinearCombinationOfScalarVariables::fprop(), PLearn::LinearCombinationModule::fprop(), PLearn::LayerCostModule::fprop(), PLearn::KLp0p1RBMModule::fprop(), PLearn::InsertZerosVariable::fprop(), PLearn::IdentityModule::fprop(), PLearn::HeterogenuousAffineTransformWeightPenalty::fprop(), PLearn::HeterogenuousAffineTransformVariable::fprop(), PLearn::DiagVariable::fprop(), PLearn::DeepNNet::fprop(), PLearn::CostModule::fprop(), PLearn::Convolution2DModule::fprop(), PLearn::CCCostVariable::fprop(), PLearn::BinarizeModule::fprop(), PLearn::ArgmaxModule::fprop(), PLearn::AdditiveGaussianNoiseVariable::fprop(), PLearn::NeuralProbabilisticLanguageModel::fpropBeforeOutputWeights(), PLearn::DenoisingRecurrentNet::fpropHiddenReconstructionFromLastHidden(), PLearn::DenoisingRecurrentNet::fpropHiddenReconstructionFromLastHidden2(), PLearn::DenoisingRecurrentNet::fpropHiddenSymmetricDynamicMatrix(), PLearn::DenoisingRecurrentNet::fpropInputReconstructionFromHidden(), PLearn::SumOverBagsVariable::fpropOneBag(), PLearn::FeatureSetSequentialCRF::fpropOutput(), PLearn::FeatureSetNNet::fpropOutput(), PLearn::NGramTree::freq(), PLearn::NGramTree::freqs(), PLearn::ConcatRowsVMatrix::fullyCheckMappings(), PLearn::gaussian_mixture_mu_sigma(), PLearn::GCVfromSVD(), PLearn::EntropyContrast::gen_normal_0_1(), PLearn::GeneralizedOneHotVMatrix::GeneralizedOneHotVMatrix(), PLearn::TransformationLearner::generate(), PLearn::GaussianDistribution::generate(), PLearn::DynamicallyLinkedRBMsModel::generate(), PLearn::DenoisingRecurrentNet::generate(), PLearn::DenoisingRecurrentNet::generateArtificial(), PLearn::GaussMix::generateFromGaussian(), PLearn::TextFilesVMatrix::generateMapCounts(), PLearn::OptimizeOptionOracle::generateNextTrial(), PLearn::EarlyStoppingOracle::generateNextTrial(), PLearn::CartesianProductOracle::generateNextTrial(), PLearn::TransformationLearner::generatePredictedFrom(), PLearn::TransformationLearner::generatorBuild(), PLearn::geometric_mean(), PLearn::InterleaveVMatrix::get(), PLearn::EntropyContrast::get_grad_log_variance_wrt_f(), PLearn::ConditionalDictionary::get_option_string(), PLearn::RBMLayer::getAllActivations(), PLearn::RegressionTreeRegisters::getAllRegisteredRow(), PLearn::RegressionTreeRegisters::getAllRegisteredRowLeave(), PLearn::SoftHistogramBinner::getBins(), PLearn::Binner::getBins(), PLearn::VMatrix::getBoundingBox(), PLearn::VMatrix::getColumn(), PLearn::NeighborhoodImputationVMatrix::getColumn(), PLearn::MissingIndicatorVMatrix::getColumn(), PLearn::MeanMedianModeImputationVMatrix::getColumn(), PLearn::CovariancePreservationImputationVMatrix::getColumn(), PLearn::ConditionalMeanImputationVMatrix::getColumn(), PLearn::RBMWoodsLayer::getConfiguration(), PLearn::RBMMultinomialLayer::getConfiguration(), PLearn::RBMMixedLayer::getConfiguration(), PLearn::RBMLocalMultinomialLayer::getConfiguration(), PLearn::RBMLateralBinomialLayer::getConfiguration(), PLearn::RBMBinomialLayer::getConfiguration(), PLearn::ProcessSymbolicSequenceVMatrix::getExample(), PLearn::NeighborhoodImputationVMatrix::getExample(), PLearn::CovariancePreservationImputationVMatrix::getExample(), PLearn::ConditionalMeanImputationVMatrix::getExample(), PLearn::HashMapFeatureSet::getFeatures(), PLearn::CachedFeatureSet::getFeatures(), PLearn::TestInTrainSplitter::getFirstSplit(), PLearn::WordNetSenseDictionary::getId(), PLearn::SelectColumnsVMatrix::getIndicesFromFields(), PLearn::SDBVMFieldRemapIntervals::getIntervals(), PLearn::WordNetFeatureSet::getNewFeaturesString(), PLearn::PythonFeatureSet::getNewFeaturesString(), PLearn::VecExtendedVMatrix::getNewRow(), PLearn::UniformizeVMatrix::getNewRow(), PLearn::ThresholdVMatrix::getNewRow(), PLearn::TextSenseSequenceVMatrix::getNewRow(), PLearn::SubInputVMatrix::getNewRow(), PLearn::SparseVMatrix::getNewRow(), PLearn::RemapLastColumnVMatrix::getNewRow(), PLearn::ReIndexedTargetVMatrix::getNewRow(), PLearn::RegularGridVMatrix::getNewRow(), PLearn::RealFunctionsProcessedVMatrix::getNewRow(), PLearn::RandomSamplesVMatrix::getNewRow(), PLearn::PutSubVMatrix::getNewRow(), PLearn::ProcessSymbolicSequenceVMatrix::getNewRow(), PLearn::PLearnerOutputVMatrix::getNewRow(), PLearn::OneHotVMatrix::getNewRow(), PLearn::MultiTargetOneHotVMatrix::getNewRow(), PLearn::MovingAverageVMatrix::getNewRow(), PLearn::MixUnlabeledNeighbourVMatrix::getNewRow(), PLearn::MeanImputationVMatrix::getNewRow(), PLearn::LIBSVMSparseVMatrix::getNewRow(), PLearn::IndexedVMatrix::getNewRow(), PLearn::GeneralizedOneHotVMatrix::getNewRow(), PLearn::GaussianizeVMatrix::getNewRow(), PLearn::FinancePreprocVMatrix::getNewRow(), PLearn::FileVMatrix::getNewRow(), PLearn::ExtendedVMatrix::getNewRow(), PLearn::DiskVMatrix::getNewRow(), PLearn::DatedJoinVMatrix::getNewRow(), PLearn::CumVMatrix::getNewRow(), PLearn::CompressedVMatrix::getNewRow(), PLearn::CompactVMatrix::getNewRow(), PLearn::CompactFileVMatrix::getNewRow(), PLearn::BinaryNumbersVMatrix::getNewRow(), PLearn::AutoSDBVMatrix::getNewRow(), PLearn::AsciiVMatrix::getNewRow(), PLearn::AppendNeighborsVMatrix::getNewRow(), PLearn::AddMissingVMatrix::getNewRow(), PLearn::AddBagInformationVMatrix::getNewRow(), PLearn::NGramDistribution::getNGrams(), PLearn::RegressionTreeMulticlassLeave::getOutputAndError(), PLearn::NormalizationLearner::getOutputNames(), PLearn::BaggingLearner::getOutputNames(), PLearn::DeepReconstructorNet::getParameterRow(), PLearn::DeepReconstructorNet::getParameterValue(), PLearn::RunICPVariable::getPathsToResize(), PLearn::ConcatRowsVMatrix::getPositionsAux(), PLearn::VMatrix::getPrecomputedStatsFromFile(), PLearn::FeatureSetNaiveBayesClassifier::getProbs(), PLearn::getQuantiles(), PLearn::TextSenseSequenceVMatrix::getRestrictedRow(), PLearn::HyperOptimize::getResultsMat(), PLearn::VMatrix::getRow(), PLearn::NeighborhoodImputationVMatrix::getRow(), PLearn::MemoryVMatrix::getRow(), PLearn::MeanMedianModeImputationVMatrix::getRow(), PLearn::ForwardVMatrix::getRow(), PLearn::CrossReferenceVMatrix::getRow(), PLearn::CovariancePreservationImputationVMatrix::getRow(), PLearn::ConditionalMeanImputationVMatrix::getRow(), PLearn::RemoveRowsVMatrix::getrownum(), PLearn::WordNetSenseDictionary::getSensesFromWordNet(), PLearn::ToBagSplitter::getSplit(), PLearn::TestInTrainSplitter::getSplit(), PLearn::StackedSplitter::getSplit(), PLearn::SourceVMatrixSplitter::getSplit(), PLearn::FractionSplitter::getSplit(), PLearn::FilterSplitter::getSplit(), PLearn::BinSplitter::getSplit(), PLearn::VecStatsCollector::getStat(), PLearn::VMatrixFromDistribution::getSubRow(), PLearn::VMatrix::getSubRow(), PLearn::UniformVMatrix::getSubRow(), PLearn::SubVMatrix::getSubRow(), PLearn::SelectColumnsVMatrix::getSubRow(), PLearn::RowBufferedVMatrix::getSubRow(), PLearn::NistDB::getSubRow(), PLearn::NeighborhoodImputationVMatrix::getSubRow(), PLearn::MemoryVMatrix::getSubRow(), PLearn::MeanMedianModeImputationVMatrix::getSubRow(), PLearn::KernelVMatrix::getSubRow(), PLearn::InterleaveVMatrix::getSubRow(), PLearn::CovariancePreservationImputationVMatrix::getSubRow(), PLearn::ConditionalMeanImputationVMatrix::getSubRow(), PLearn::ConcatRowsVMatrix::getSubRow(), PLearn::ClassSubsetVMatrix::getSubRow(), PLearn::ByteMemoryVMatrix::getSubRow(), PLearn::PLearner::getTestCostIndex(), PLearn::GaussianProcessRegressor::getTestCostIndex(), PLearn::StackedAutoassociatorsNet::getTestCostNames(), PLearn::SequentialModelSelector::getTestCostNames(), PLearn::RankLearner::getTestCostNames(), PLearn::MultiClassAdaBoost::getTestCostNames(), PLearn::KNNClassifier::getTestCostNames(), PLearn::DynamicallyLinkedRBMsModel::getTestCostNames(), PLearn::DenoisingRecurrentNet::getTestCostNames(), PLearn::CompareLearner::getTestCostNames(), PLearn::BaggingLearner::getTestCostNames(), PLearn::AddCostToLearner::getTestCostNames(), PLearn::AdaBoost::getTestCostNames(), PLearn::DistRepNNet::getTokenDistRep(), PLearn::PLearner::getTrainCostIndex(), PLearn::GaussianProcessRegressor::getTrainCostIndex(), PLearn::StackedAutoassociatorsNet::getTrainCostNames(), PLearn::RankLearner::getTrainCostNames(), PLearn::NNet::getTrainCostNames(), PLearn::DistRepNNet::getTrainCostNames(), PLearn::CompareLearner::getTrainCostNames(), PLearn::WordNetSenseDictionary::getValues(), PLearn::SubVMatrix::getValues(), PLearn::SelectColumnsVMatrix::getValues(), PLearn::DictionaryVMatrix::getValues(), PLearn::ConditionalDictionary::getValues(), PLearn::DiverseComponentAnalysis::getVarGradient(), PLearn::DiverseComponentAnalysis::getVarValue(), PLearn::NeuralProbabilisticLanguageModel::gradient_affine_transform(), PLearn::FeatureSetSequentialCRF::gradient_affine_transform(), PLearn::FeatureSetNNet::gradient_affine_transform(), PLearn::NeuralProbabilisticLanguageModel::gradient_penalty(), PLearn::FeatureSetSequentialCRF::gradient_penalty(), PLearn::FeatureSetNNet::gradient_penalty(), PLearn::NeuralProbabilisticLanguageModel::gradient_transfer_func(), PLearn::FeatureSetSequentialCRF::gradient_transfer_func(), PLearn::FeatureSetNNet::gradient_transfer_func(), PLearn::OnlineGramNaturalGradientOptimizer::gramEigenNaturalGradient(), PLearn::StackedAutoassociatorsNet::greedyStep(), PLearn::DeepBeliefNet::greedyStep(), PLearn::harmonic_mean(), PLearn::VMatrix::hasFieldInfos(), PLearn::InferenceRBM::hiddenExpGivenInputTarget(), PLearn::NNet::hiddenLayer(), PLearn::histogram(), PLearn::Gnuplot::histoplot(), PLearn::ICBCpartition(), PLearn::ifThenElse(), PLearn::NeuralProbabilisticLanguageModel::importance_sampling_gradient_update(), PLearn::DisregardRowsVMatrix::inferIndices(), PLearn::QuantilesStatsIterator::init(), PLearn::VMatrix::init_map_sr(), PLearn::NetworkConnection::initialize(), PLearn::VPLCombinedLearner::initializeCostNames(), PLearn::VPLCombinedLearner::initializeOutputPrograms(), PLearn::NNet::initializeParams(), PLearn::DistRepNNet::initializeParams(), PLearn::DeepReconstructorNet::initializeParams(), PLearn::DeepNNet::initializeParams(), PLearn::RegressionTreeNode::initNode(), PLearn::RegressionTreeMulticlassLeave::initStats(), PLearn::VMatLanguage::inputsize(), PLearn::GaussianDistribution::inputsize(), PLearn::interactiveDisplayCDF(), PLearn::inverse_sigmoid(), PLearn::inverted(), PLearn::invertElements(), PLearn::PythonCodeSnippet::invoke(), PLearn::TVec< PP< RegressionTreeNode > >::isEqual(), PLearn::isLargerThan(), PLearn::isLargerThanOrEqualTo(), PLearn::isSmallerThan(), PLearn::isSmallerThanOrEqualTo(), PLearn::TransformationLearner::isWellDefined(), PLearn::jacobi(), PLearn::GaussMix::kmeans(), PLearn::KS_test(), PLearn::mNNet::l1regularizeOutputs(), PLearn::lapackSolveLinearSystem(), PLearn::layerBpropUpdate(), PLearn::layerL1BpropUpdate(), PLearn::layerL2BpropUpdate(), PLearn::BallTreeNearestNeighbors::leafFromAnchor(), PLearn::VecStatsCollector::length(), PLearn::YMDDatedVMatrix::lengthInDates(), PLearn::linearRegression(), PLearn::DeepReconstructorNet::listParameter(), PLearn::DeepReconstructorNet::listParameterNames(), PLearn::DiverseComponentAnalysis::listVarNames(), PLearn::loadAscii(), PLearn::loadAsciiAsVMat(), PLearn::loadAsciiWithoutSize(), PLearn::loadClassificationDataset(), PLearn::loadPVec(), PLearn::log(), PLearn::TransformationLearner::log_density(), PLearn::RBMDistribution::log_density(), PLearn::NonLocalManifoldParzen::log_density(), PLearn::NeighborhoodBoxVolumeDensityEstimator::log_density(), PLearn::ManifoldKNNDistribution::log_density(), PLearn::LocallyMagnifiedDistribution::log_density(), PLearn::GaussianDistribution::log_density(), PLearn::GaussianContinuumDistribution::log_density(), PLearn::log_fullGaussianRBF(), PLearn::log_of_normal_density(), PLearn::log_rbf(), PLearn::log_sigmoid(), PLearn::log_softmax(), PLearn::logadd(), PLearn::logOfCompactGaussian(), PLearn::logOfNormal(), PLearn::MixtureRandomVariable::logP(), PLearn::GaussianContinuumDistribution::make_random_walk(), PLearn::GaussianContinuum::make_random_walk(), PLearn::Calendar::makeCalendar(), PLearn::NetworkModule::makeDeepCopyFromShallowCopy(), PLearn::CompactFileVMatrix::makeDeepCopyFromShallowCopy(), PLearn::RBMQLParameters::makeParametersPointHere(), PLearn::RBMLQParameters::makeParametersPointHere(), PLearn::RBMGenericParameters::makeParametersPointHere(), PLearn::VarArray::makeSharedValue(), PLearn::matColumnDotVec(), PLearn::matlabR11eigs(), PLearn::SequentialModelSelector::matlabSave(), PLearn::SequentialLearner::matlabSave(), PLearn::matlabSave(), PLearn::matRowDotVec(), PLearn::matRowsDots(), PLearn::matRowsDotsAcc(), PLearn::max(), PLearn::max_cdf_diff(), PLearn::maxabs(), PLearn::mean(), PLearn::Learner::measure(), PLearn::median(), PLearn::VecStatsCollector::merge(), PLearn::min(), PLearn::minabs(), PLearn::GaussMix::missingExpectation(), PLearn::multinomial_sample(), PLearn::PRandom::multinomial_sample(), PLearn::multiply(), PLearn::multiplyAcc(), PLearn::multiplyAdd(), PLearn::multiplyColumns(), PLearn::multiplyScaledAdd(), PLearn::multivariate_normal(), PLearn::NeuralProbabilisticLanguageModel::my_argmax(), PLearn::FeatureSetSequentialCRF::my_argmax(), PLearn::FeatureSetNNet::my_argmax(), PLearn::FeatureSetNaiveBayesClassifier::my_argmax(), PLearn::NGramTree::n_children(), PLearn::NGramTree::n_freq(), PLearn::OnlineLearningModule::namedBpropAccUpdate(), PLearn::OnlineLearningModule::namedFprop(), PLearn::negateElements(), PLearn::PruningLinearRegressor::newDatasetIndices(), PLearn::PTimer::newTimer(), PLearn::WPLS::NIPALSEigenvector(), PLearn::PLS::NIPALSEigenvector(), PLearn::nonZero(), PLearn::nonZeroIndices(), PLearn::NGramTree::normalization(), PLearn::normalize(), PLearn::RBMQLParameters::nParameters(), PLearn::RBMLQParameters::nParameters(), PLearn::RBMGenericParameters::nParameters(), PLearn::SplitModule::nPorts(), PLearn::OnlineLearningModule::nPorts(), PLearn::DenoisingRecurrentNet::nSequences(), PLearn::StackedSplitter::nSetsPerSplit(), PLearn::FilterSplitter::nSetsPerSplit(), PLearn::MultiTaskSeparationSplitter::nsplits(), PLearn::ClassSeparationSplitter::nsplits(), PLearn::one_against_all_hinge_loss(), PLearn::one_against_all_hinge_loss_bprop(), PLearn::SubsamplingDBN::onlineStep(), PLearn::StackedAutoassociatorsNet::onlineStep(), PLearn::NatGradSMPNNet::onlineStep(), PLearn::NatGradNNet::onlineStep(), PLearn::mNNet::onlineStep(), PLearn::DeepBeliefNet::onlineStep(), PLearn::FilteredVMatrix::openIndex(), PLearn::operator%(), PLearn::TVec< PP< RegressionTreeNode > >::operator()(), PLearn::TMat< pair< real, real > >::operator()(), PLearn::NatGradEstimator::operator()(), PLearn::Function::operator()(), PLearn::CorrelationProfiler::operator()(), PLearn::BasisSelectionRegressor::thread_wawr::operator()(), PLearn::operator*(), PLearn::operator*=(), PLearn::operator+(), PLearn::operator+=(), PLearn::operator-(), PLearn::operator-=(), PLearn::operator/(), PLearn::operator/=(), PLearn::operator<<(), PLearn::TVec< PP< RegressionTreeNode > >::operator==(), PLearn::HyperSetOption::optimize(), PLearn::HyperOptimize::optimize(), PLearn::GradientOptimizer::optimizeN(), PLearn::AutoScaledGradientOptimizer::optimizeN(), PLearn::NeuralProbabilisticLanguageModel::output_gradient_verification(), PLearn::FeatureSetSequentialCRF::output_gradient_verification(), PLearn::FeatureSetNNet::output_gradient_verification(), PLearn::output_margin(), PLearn::VPLProcessor::outputsize(), PLearn::VPLPreprocessedLearner2::outputsize(), PLearn::VPLPreprocessedLearner::outputsize(), PLearn::UniformizeLearner::outputsize(), PLearn::StackedModulesLearner::outputsize(), PLearn::NormalizationLearner::outputsize(), PLearn::NnlmOnlineLearner::outputsize(), PLearn::DynamicallyLinkedRBMsModel::outputsize(), PLearn::DenoisingRecurrentNet::outputsize(), PLearn::DeepNNet::outputsize(), PLearn::ClassifierFromConditionalPDistribution::outputsize(), PLearn::BaggingLearner::outputsize(), PLearn::paired_t_test(), PLearn::SequentialModelSelector::paired_t_test(), PLearn::PLMathTest::perform(), PLearn::PTester::perform(), PLearn::PTester::perform1Split(), PLearn::CompactVMatrix::perturb(), PLearn::RBMMatrixConnection::petiteCulotteOlivierCD(), PLearn::Grapher::plot_2D_classification(), PLearn::Gnuplot::plotcdf(), PLearn::Gnuplot::plotdensity(), PLearn::plotVMats(), PLearn::positionOfClosestElement(), PLearn::positionOfkthOrderedElement(), PLearn::positiveValues(), PLearn::powdistance(), PLearn::pownorm(), PLearn::GaussMix::precomputeGaussianLogCoefficient(), PLearn::CCCostVariable::printInfo(), PLearn::BasisSelectionRegressor::printModelFunction(), PLearn::RegressionTreeRegisters::printRegisters(), PLearn::product(), PLearn::SparseMatrix::product(), PLearn::RowMapSparseMatrix< real >::product(), PLearn::productAcc(), PLearn::productScaleAcc(), PLearn::RBMLateralBinomialLayer::productTopoLateralWeights(), PLearn::RBMLateralBinomialLayer::productTopoLateralWeightsGradients(), PLearn::VMatrix::putOrAppendRow(), PLearn::VMatrix::putRow(), PLearn::MemoryVMatrix::putRow(), PLearn::VMatrix::putSubRow(), PLearn::MemoryVMatrix::putSubRow(), PLearn::FileVMatrix::putSubRow(), PLearn::PvGradNNet::pvGrad(), PLearn::NatGradSMPNNet::pvGradUpdate(), PLearn::qld_interface(), PLearn::qsort_vec(), PLearn::random_subset_indices(), PLearn::VecCompressor::readCompressedVec(), PLearn::rebalanceNClasses(), PLearn::ConcatRowsVMatrix::recomputeDimensions(), PLearn::BasisSelectionRegressor::recomputeFeatures(), PLearn::VarArrayElementVariable::recomputeSize(), PLearn::TransposedDoubleProductVariable::recomputeSize(), PLearn::RunICPVariable::recomputeSize(), PLearn::PotentialsVariable::recomputeSize(), PLearn::PlusManyVariable::recomputeSize(), PLearn::NllSemisphericalGaussianVariable::recomputeSize(), PLearn::NllGeneralGaussianVariable::recomputeSize(), PLearn::LocalizedFeaturesLayerVariable::recomputeSize(), PLearn::LinearCombinationOfScalarVariables::recomputeSize(), PLearn::InsertZerosVariable::recomputeSize(), PLearn::IfThenElseVariable::recomputeSize(), PLearn::FNetLayerVariable::recomputeSize(), PLearn::DoubleProductVariable::recomputeSize(), PLearn::DiagonalizedFactorsProductVariable::recomputeSize(), PLearn::ReconstructionWeightsKernel::reconstruct(), PLearn::PCA::reconstruct(), PLearn::DynamicallyLinkedRBMsModel::recurrent_update(), PLearn::DenoisingRecurrentNet::recurrentFprop(), PLearn::DenoisingRecurrentNet::recurrentUpdate(), PLearn::PythonObjectWrapper::refCPPObj(), PLearn::PLearner::remote_computeConfidenceFromOutput(), PLearn::VMatrix::remote_getStats(), PLearn::GaussianizeVMatrix::remote_unGauss_vec(), PLearn::remove_missing(), PLearn::remove_missing_inplace(), PLearn::removeElement(), PLearn::RegressionTreeMulticlassLeave::removeRow(), PLearn::HyperOptimize::reportResult(), PLearn::PLearnService::reserveServers(), PLearn::VPLCombinedLearner::resetInternalState(), PLearn::BaggingLearner::resetInternalState(), PLearn::DenoisingRecurrentNet::resize_lists(), PLearn::GaussMix::resizeDataBeforeTraining(), PLearn::ShuntingNNetLayerModule::resizeOnes(), PLearn::LinearFilterModule::resizeOnes(), PLearn::GradNNetLayerModule::resizeOnes(), PLearn::BasisSelectionRegressor::retrainLearner(), PLearn::VarRowVariable::rfprop(), PLearn::VarElementVariable::rfprop(), PLearn::TransposeProductVariable::rfprop(), PLearn::TimesScalarVariable::rfprop(), PLearn::TimesRowVariable::rfprop(), PLearn::TimesConstantVariable::rfprop(), PLearn::TimesConstantScalarVariable2::rfprop(), PLearn::TimesColumnVariable::rfprop(), PLearn::TanhVariable::rfprop(), PLearn::SumVariable::rfprop(), PLearn::SumOfVariable::rfprop(), PLearn::SubMatVariable::rfprop(), PLearn::SubMatTransposeVariable::rfprop(), PLearn::SquareVariable::rfprop(), PLearn::SoftmaxVariable::rfprop(), PLearn::SoftmaxLossVariable::rfprop(), PLearn::SigmoidVariable::rfprop(), PLearn::RowAtPositionVariable::rfprop(), PLearn::ProductVariable::rfprop(), PLearn::ProductTransposeVariable::rfprop(), PLearn::PlusScalarVariable::rfprop(), PLearn::PlusRowVariable::rfprop(), PLearn::PlusConstantVariable::rfprop(), PLearn::PlusColumnVariable::rfprop(), PLearn::OneHotVariable::rfprop(), PLearn::NegateElementsVariable::rfprop(), PLearn::MinusScalarVariable::rfprop(), PLearn::LogVariable::rfprop(), PLearn::IsAboveThresholdVariable::rfprop(), PLearn::InvertElementsVariable::rfprop(), PLearn::IfThenElseVariable::rfprop(), PLearn::ExtendedVariable::rfprop(), PLearn::ExpVariable::rfprop(), PLearn::ElementAtPositionVariable::rfprop(), PLearn::DotProductVariable::rfprop(), PLearn::DivVariable::rfprop(), PLearn::ConcatRowsVariable::rfprop(), PLearn::AbsVariable::rfprop(), PLearn::RGBImagesVMatrix::RGBImagesVMatrix(), PLearn::RGBImageVMatrix::RGBImageVMatrix(), PLearn::rowmatrix(), PLearn::rowMax(), PLearn::rowMin(), PLearn::TMat< pair< real, real > >::rows(), PLearn::rowSum(), PLearn::VMatLanguage::run(), PLearn::VMatCommand::run(), PLearn::TxtmatCommand::run(), PLearn::SequentialValidation::run(), PLearn::RunObject::run(), PLearn::OutputFeaturesCommand::run(), PLearn::FieldConvertCommand::run(), PLearn::Experiment::run(), PLearn::ChemicalICP::run(), PLearn::safelog(), PLearn::TreeDBNModule::sample(), PLearn::RGBImageVMatrix::sample(), PLearn::saveAscii(), PLearn::saveAsciiWithoutSize(), PLearn::VMatrix::saveFieldInfos(), PLearn::saveGnuplot(), PLearn::savePMatFieldnames(), PLearn::savePVec(), PLearn::saveSNVec(), PLearn::select(), PLearn::selectAndOrder(), PLearn::selectColumns(), PLearn::SelectColumnsVMatrix::SelectColumnsVMatrix(), PLearn::selectElements(), PLearn::selectRows(), PLearn::SelectRowsVMatrix::SelectRowsVMatrix(), PLearn::SequentialModelSelector::sequenceCost(), PLearn::StackedLearner::setBaseLearnersTrainingSet(), PLearn::TextFilesVMatrix::setColumnNamesAndWidth(), PLearn::ThresholdedKernel::setDataForKernelMatrix(), PLearn::GeodesicDistanceKernel::setDataForKernelMatrix(), PLearn::DivisiveNormalizationKernel::setDataForKernelMatrix(), PLearn::CorrelationKernel::setDataForKernelMatrix(), PLearn::AdditiveNormalizationKernel::setDataForKernelMatrix(), PLearn::VPLCombinedLearner::setExperimentDirectory(), PLearn::SequentialModelSelector::setExperimentDirectory(), PLearn::RGBImageVMatrix::setImage(), PLearn::GaussianProcessRegressor::setInput(), PLearn::HyperLearner::setLearnerOptions(), PLearn::StackedAutoassociatorsNet::setLearningRate(), PLearn::DynamicallyLinkedRBMsModel::setLearningRate(), PLearn::DenoisingRecurrentNet::setLearningRate(), PLearn::DeepBeliefNet::setLearningRate(), PLearn::TextFilesVMatrix::setMetaDataDir(), PLearn::GaussianizeVMatrix::setMetaDataDir(), PLearn::UnaryVariable::setParents(), PLearn::BinaryVariable::setParents(), PLearn::PDistribution::setPredictor(), PLearn::GaussMix::setPredictor(), PLearn::ScoreLayerVariable::setScalingCoefficient(), PLearn::PTester::setStatNames(), PLearn::SequentialValidation::setTestStartTime(), PLearn::Optimizer::setToOptimize(), PLearn::VPLPreprocessedLearner::setTrainingSet(), PLearn::VPLCombinedLearner::setTrainingSet(), PLearn::UniformizeLearner::setTrainingSet(), PLearn::StackedFocusedAutoassociatorsNet::setTrainingSet(), PLearn::SelectInputSubsetLearner::setTrainingSet(), PLearn::AdaBoost::setTrainingSet(), PLearn::VPLCombinedLearner::setTrainStatsCollector(), PLearn::TransformationLearner::setTransformDistribution(), PLearn::TransformationLearner::setTransformsParameters(), PLearn::VPLCombinedLearner::setValidationSet(), PLearn::VecStatsCollector::shouldUpdateWindow(), PLearn::shuffleElements(), PLearn::PRandom::shuffleElements(), PLearn::sigmoid(), PLearn::sign(), PLearn::WordNetSenseDictionary::size(), PLearn::ConditionalDictionary::size(), PLearn::sizeInBytes(), PLearn::LimitedGaussianSmoother::smooth(), PLearn::softmax(), PLearn::softmaxMinus(), PLearn::solveLinearSystem(), sortedIndexList(), PLearn::SortRowsVMatrix::sortRows(), PLearn::PDistribution::splitCond(), PLearn::DenoisingRecurrentNet::splitRawMaskedSupervisedSequence(), PLearn::sqrt(), PLearn::square(), PLearn::squareAcc(), PLearn::CompactVMatrix::squareDifference(), PLearn::squareElements(), PLearn::squareMultiplyAcc(), PLearn::squareroot(), PLearn::squareSubtract(), PLearn::YMDDatedVMatrix::subDistrRelativeDays(), PLearn::YMDDatedVMatrix::subDistrRelativeMonths(), PLearn::YMDDatedVMatrix::subDistrRelativeYears(), PLearn::substract(), PLearn::substractAcc(), PLearn::sum(), PLearn::sum_of_log(), PLearn::sumabs(), PLearn::summarizedVecString(), PLearn::sums2Gaussian(), PLearn::sumsquare(), PLearn::SymmMatNullSpaceByInversePowerIteration(), PLearn::tagVariables(), PLearn::tanh(), PLearn::SequentialModelSelector::test(), PLearn::PseudolikelihoodRBM::test(), PLearn::PLearner::test(), PLearn::MultiClassAdaBoost::test(), PLearn::Learner::test(), PLearn::Kernel::test(), PLearn::DynamicallyLinkedRBMsModel::test(), PLearn::DenoisingRecurrentNet::test(), PLearn::AdaBoost::test(), PLearn::SequentialValidation::testLearners(), PLearn::TMat< T >::TMat(), PLearn::VVec::toVec(), PLearn::WPLS::train(), PLearn::VPLCombinedLearner::train(), PLearn::VariableSelectionWithDirectedGradientDescent::train(), PLearn::UniformizeLearner::train(), PLearn::TopDownAsymetricDeepNetwork::train(), PLearn::SurfaceTemplateLearner::train(), PLearn::SupervisedDBN::train(), PLearn::SubsamplingDBN::train(), PLearn::StackedSVDNet::train(), PLearn::StackedLearner::train(), PLearn::StackedFocusedAutoassociatorsNet::train(), PLearn::StackedAutoassociatorsNet::train(), PLearn::SequentialModelSelector::train(), PLearn::PseudolikelihoodRBM::train(), PLearn::PruningLinearRegressor::train(), PLearn::PLS::train(), PLearn::PartSupervisedDBN::train(), PLearn::PartsDistanceKernel::train(), PLearn::NGramDistribution::train(), PLearn::mNNet::train(), PLearn::ManifoldParzen2::train(), PLearn::ManifoldParzen::train(), PLearn::LinearInductiveTransferClassifier::train(), PLearn::KFoldLogisticClassifier::train(), PLearn::KernelProjection::train(), PLearn::IncrementalNNet::train(), PLearn::HyperLearner::train(), PLearn::HistogramDistribution::train(), PLearn::HintonDeepBeliefNet::train(), PLearn::GaussPartSupervisedDBN::train(), PLearn::GaussMix::train(), PLearn::GaussianDistribution::train(), PLearn::FeatureSetNaiveBayesClassifier::train(), PLearn::EntropyContrastLearner::train(), PLearn::EntropyContrast::train(), PLearn::DynamicallyLinkedRBMsModel::train(), PLearn::DistRepNNet::train(), PLearn::DiscriminativeRBM::train(), PLearn::DiscriminativeDeepBeliefNet::train(), PLearn::DenoisingRecurrentNet::train(), PLearn::DeepReconstructorNet::train(), PLearn::DeepNonLocalManifoldParzen::train(), PLearn::DeepNNet::train(), PLearn::DeepFeatureExtractorNNet::train(), PLearn::DeepBeliefNet::train(), PLearn::ClassifierFromDensity::train(), PLearn::BinaryStump::train(), PLearn::BasisSelectionRegressor::train(), PLearn::BaggingLearner::train(), PLearn::AddCostToLearner::train(), PLearn::AdaBoost::train(), PLearn::train_and_test(), PLearn::DeepReconstructorNet::trainHiddenLayer(), PLearn::ModuleLearner::trainingStep(), PLearn::SequentialValidation::trainLearners(), PLearn::DeepReconstructorNet::trainSupervisedLayer(), PLearn::RealMapping::transform(), PLearn::transform_perclass_values_into_luminance(), PLearn::TextFilesVMatrix::transformStringToValue(), PLearn::transposedLayerL1BpropUpdate(), PLearn::transposedLayerL2BpropUpdate(), PLearn::transposeProduct(), PLearn::transposeProductAcc(), PLearn::transposeProductScaleAcc(), PLearn::GaussMix::traverse_tree(), PLearn::TransformationLearner::treeDataSet(), PLearn::VecCompressor::uncompressVec(), PLearn::DenoisingRecurrentNet::unconditionalFprop(), PLearn::GaussianizeVMatrix::unGauss(), PLearn::StackedAutoassociatorsNet::unsupervisedFineTuningStep(), PLearn::untagVariables(), PLearn::Variable::update(), PLearn::QuantilesStatsIterator::update(), PLearn::MaxStatsIterator::update(), PLearn::MinStatsIterator::update(), PLearn::SharpeRatioStatsIterator::update(), PLearn::RBMMatrixTransposeConnection::update(), PLearn::RBMMatrixConnection::update(), PLearn::RBMLLParameters::update(), PLearn::RBMLayer::update(), PLearn::RBMLateralBinomialLayer::update(), PLearn::RBMDiagonalMatrixConnection::update(), PLearn::RBMConv2DLLParameters::update(), PLearn::RBMConv2DConnection::update(), PLearn::ConditionalStatsCollector::update(), PLearn::NeuralProbabilisticLanguageModel::update_affine_transform(), PLearn::FeatureSetSequentialCRF::update_affine_transform(), PLearn::FeatureSetNNet::update_affine_transform(), PLearn::GaussianContinuumDistribution::update_reference_set_parameters(), PLearn::GaussianContinuum::update_reference_set_parameters(), PLearn::Variable::updateAndClear(), PLearn::GaussMix::updateCholeskyFromPrevious(), PLearn::ToBagClassifier::updateCostAndBagOutput(), PLearn::RBMMatrixConnection::updateGibbs(), PLearn::RBMLayer::updateGibbs(), PLearn::GaussMix::updateInverseVarianceFromPrevious(), PLearn::ConjGradientOptimizer::updateSearchDirection(), PLearn::DenoisingRecurrentNet::updateTargetLayer(), PLearn::RBMLateralBinomialLayer::updateTopoLateralWeightsCD(), PLearn::Variable::updateWithWeightDecay(), PLearn::DeepBeliefNet::upDownStep(), PLearn::PLearner::use(), PLearn::ConditionalDistribution::use(), PLearn::variance(), PLearn::vec_counts(), PLearn::vec_find(), PLearn::NeuralProbabilisticLanguageModel::verify_gradient_affine_transform(), PLearn::FeatureSetSequentialCRF::verify_gradient_affine_transform(), PLearn::FeatureSetNNet::verify_gradient_affine_transform(), PLearn::Function::verifyGradient(), PLearn::Function::verifySymbolicGradient(), PLearn::TxtmatCommand::view(), PLearn::weighted_mean(), PLearn::weighted_powdistance(), PLearn::weighted_variance(), PLearn::weightedRidgeRegressionByGCV(), PLearn::TVec< PP< RegressionTreeNode > >::write(), PLearn::VecCompressor::writeCompressedVec(), PLearn::MoleculeTemplate::writeToAMATFile(), PLearn::SurfaceMesh::writeVRMLBoundaries(), PLearn::SurfaceMesh::writeVRMLIndexedFaceSet_(), PLearn::TemporaryDiskVMatrix::~TemporaryDiskVMatrix(), and PLearn::TextFilesVMatrix::~TextFilesVMatrix().

{ return length_; }
template<class T>
void PLearn::TVec< T >::load ( const string &  filename) [inline]

Definition at line 312 of file TVec_decl.h.

{ loadPVec(filename, *this); }
template<class T >
void PLearn::TVec< T >::makeDeepCopyFromShallowCopy ( CopiesMap copies)
template<class T>
void PLearn::TVec< T >::makeSharedValue ( T *  x,
int  n 
) [inline]

make the storage point to this address and copy current value to it (i.e. without changing current contents)

< get data start

Definition at line 446 of file TVec_decl.h.

Referenced by PLearn::RBMQLParameters::makeParametersPointHere(), PLearn::RBMLQParameters::makeParametersPointHere(), PLearn::RBMLLParameters::makeParametersPointHere(), PLearn::RBMGenericParameters::makeParametersPointHere(), PLearn::RBMDiagonalMatrixConnection::makeParametersPointHere(), and PLearn::RBMConv2DLLParameters::makeParametersPointHere().

    {
#ifdef BOUNDCHECK
        if(n != length())
            PLERROR("IN TVec::makeSharedValue(T* x, int n)\nn(%d)!=length_(%d)",
                    n,length());
        if(offset_!=0)
            PLERROR("IN TVec::makeSharedValue(T* x, int n)\noffset should be 0.");
#endif
        T* v = data(); 
        for(int i=0; i<n; i++)
            x[i] = v[i];
        storage->pointTo(n,x);
    }

Here is the caller graph for this function:

template<class T>
int PLearn::TVec< T >::offset ( ) const [inline]

Definition at line 184 of file TVec_decl.h.

Referenced by PLearn::TVec< PP< RegressionTreeNode > >::write().

{ return offset_; }

Here is the caller graph for this function:

template<class T>
PLearn::TVec< T >::operator char * ( ) const [inline]
template<class T>
PLearn::TVec< T >::operator vector< T > ( ) const [inline]

Definition at line 158 of file TVec_decl.h.

    {    
        int n = length_;
        vector<T> res(n);
        if(n>0)
        {
            T* ptr = data();
            for(int i=0; i<n; i++)
                res[i] = *ptr++;
        }
        return res;
    }
template<class T>
bool PLearn::TVec< T >::operator! ( ) const [inline]
template<class T>
bool PLearn::TVec< T >::operator!= ( const TVec< T > &  value) const [inline]

Definition at line 747 of file TVec_decl.h.

{ return !((*this)==value); }
template<class T>
template<class I >
void PLearn::TVec< T >::operator() ( const TVec< I > &  indices,
TVec< T > &  destination 
) const [inline]

Deprecated: use the select function instead.

Definition at line 688 of file TVec_decl.h.

    { selectElements(*this, indices, destination); }
template<class T>
template<class I >
TVec<T> PLearn::TVec< T >::operator() ( const TVec< I > &  indices) const [inline]

select the elements of the source (this) as specified by the TVector of indices (between 0 and this->length()-1) into the returned TVector (which will have the same length() as the indices TVector).

Definition at line 697 of file TVec_decl.h.

    {
        TVec<T> result(indices.length());
        selectElements(*this, indices, result);
        return result;
    }
template<class T>
TVec<T>* PLearn::TVec< T >::operator-> ( ) [inline]

Definition at line 487 of file TVec_decl.h.

    { return this; }
template<class T>
void PLearn::TVec< T >::operator<< ( const string &  datastring) const [inline]

Definition at line 897 of file TVec_decl.h.

    {
        // istrstream in(datastring.c_str());
        PStream in = openString(datastring,PStream::plearn_ascii);
        input(in);
    }
template<class T>
const TVec<T>& PLearn::TVec< T >::operator= ( const TVec< T > &  other) [inline]
template<class T>
TVec<bool> PLearn::TVec< T >::operator== ( const T &  value) const [inline]

return a vector with 1's when (*this)[i]==value for all i, 0 otherwise

Definition at line 725 of file TVec_decl.h.

    {
        TVec<bool> r(length(), false);
        //elementsEqualTo(*this,value,r);
        for (int i=0; i<length(); i++)
        {
            if ((*this)[i] == value) r[i] = true;
        }
        return r;
    }
template<class T>
bool PLearn::TVec< T >::operator== ( const TVec< T > &  value) const [inline]

return true if (*this)[i]==value[i] for all i, 0 otherwise

Definition at line 737 of file TVec_decl.h.

    {
        if (value.isEmpty() && isEmpty()) return true;
        if (value.length()!=length()) return false;
        T* x=data();
        T* y=value.data();
        for (int i=0;i<length();i++)
            if (x[i]!=y[i]) return false;
        return true;
    }
template<class T>
T& PLearn::TVec< T >::operator[] ( int  i) const [inline]

Reimplemented in PLearn::RVArray, and PLearn::VarArray.

Definition at line 638 of file TVec_decl.h.

    {
#ifdef BOUNDCHECK
        if(i<0 || i>=length())
            PLERROR("OUT OF BOUND ACCESS %d IN TVec(%d)::operator[]",i,length());
#endif
        return storage->data[i+offset_]; 
    }
template<class T>
T& PLearn::TVec< T >::operator[] ( unsigned int  i) const [inline]

Definition at line 648 of file TVec_decl.h.

    {
#ifdef BOUNDCHECK
        // norman: added explicit cast
        if(i<0 || i>=(unsigned int)length())
            PLERROR("OUT OF BOUND ACCESS %d IN TVec(%d)::operator[]",i,length());
#endif
        return storage->data[i+offset_]; 
    }
template<class T>
T PLearn::TVec< T >::pop ( ) [inline]

Definition at line 620 of file TVec_decl.h.

Referenced by PLearn::VMatLanguage::run(), and PLearn::TextFilesVMatrix::setColumnNamesAndWidth().

    { T res = lastElement(); pop_back(); return res; }

Here is the caller graph for this function:

template<class T>
void PLearn::TVec< T >::pop_back ( ) [inline]

Definition at line 609 of file TVec_decl.h.

Referenced by PLearn::StatsCollector::getBinMapping().

    {
        if(length_ <= 0)
            PLERROR("In TVec::pop_back already empty!");
        length_ -= 1; 
    } 

Here is the caller graph for this function:

template<class T >
void PLearn::TVec< T >::print ( ostream &  out = cout) const

C++ stream output.

the data is printed on a single row, no newline

Reimplemented in PLearn::Array< T >, PLearn::Array< real >, PLearn::Array< ofstream * >, PLearn::Array< RGBImage * >, PLearn::Array< CostFunc >, PLearn::Array< VMFieldStat >, PLearn::Array< Measurer * >, PLearn::Array< TMat< int > >, PLearn::Array< PSDBVMFieldDiscrete >, PLearn::Array< StatsIt >, PLearn::Array< VMField >, PLearn::Array< Mat >, PLearn::Array< string >, PLearn::Array< RVInstance >, PLearn::Array< Vec >, PLearn::Array< VMat >, PLearn::Array< Var >, PLearn::Array< RandomVar >, and PLearn::Array< char * >.

Definition at line 132 of file TMat_impl.h.

References i, and PLearn::left().

Referenced by PLearn::operator<<().

{
    if(storage && 0 < length())
    {
        out.setf(ios::fmtflags(0),ios::floatfield);
        T* v = data();
        for(int i=0; i<length(); i++)
            out << setiosflags(ios::left) << setprecision(7) << setw(11) << v[i] << ' ';
        out.flush();
    }
}

Here is the call graph for this function:

Here is the caller graph for this function:

template<class T >
void PLearn::TVec< T >::print ( ostream &  out,
const string &  separator 
) const

each value is printed with the given separator string between them

Definition at line 145 of file TMat_impl.h.

References i.

{
    out.setf(ios::fmtflags(0),ios::floatfield);
    T* v = data();
    for(int i=0; i<length()-1; i++)
        out << v[i] << separator;
    out << v[length()-1];
    out.flush();
}
template<class T >
void PLearn::TVec< T >::printcol ( ostream &  out = cout) const

printed as a column

Definition at line 156 of file TMat_impl.h.

References i.

{
    T* v = data();
    for(int i=0; i<length(); i++)
        out << v[i] << "\n";
    out.flush();
}
template<class T>
void PLearn::TVec< T >::println ( ostream &  out = cout) const [inline]

same with newline

Definition at line 886 of file TVec_decl.h.

Referenced by PLearn::Experiment::run().

Here is the caller graph for this function:

template<class T>
void PLearn::TVec< T >::push ( const T &  newval) [inline]

stack interface compatibility

Definition at line 617 of file TVec_decl.h.

Referenced by PLearn::VMatLanguage::run().

    { append(newval); }

Here is the caller graph for this function:

template<class T>
void PLearn::TVec< T >::push_back ( const T &  newval) [inline]

stl compatibility

Definition at line 606 of file TVec_decl.h.

Referenced by PLearn::MemoryCachedKernel::addDataForKernelMatrix(), PLearn::BaggingLearner::addStatNames(), PLearn::SelectRowsVMatrix::build_(), PLearn::SelectRowsMultiInstanceVMatrix::build_(), PLearn::NeighborhoodSmoothnessNNet::build_(), PLearn::MultiToUniInstanceSelectRandomVMatrix::build_(), PLearn::MoleculeTemplateLearner::build_(), PLearn::MixUnlabeledNeighbourVMatrix::build_(), PLearn::LinearInductiveTransferClassifier::build_(), PLearn::LIBSVMSparseVMatrix::build_(), PLearn::EntropyContrastLearner::build_(), PLearn::DynamicallyLinkedRBMsModel::build_(), PLearn::DenoisingRecurrentNet::build_(), PLearn::DeepFeatureExtractorNNet::build_(), PLearn::DatedJoinVMatrix::build_(), PLearn::ConditionalDensityNet::build_(), PLearn::ClassSubsetVMatrix::build_(), PLearn::NnlmOnlineLearner::buildCandidates(), PLearn::DistRepNNet::buildCosts(), PLearn::DeepFeatureExtractorNNet::buildCosts(), PLearn::NNet::buildFuncs(), PLearn::LinearInductiveTransferClassifier::buildFuncs(), PLearn::DistRepNNet::buildFuncs(), PLearn::DeepFeatureExtractorNNet::buildFuncs(), PLearn::DistRepNNet::buildVarGraph(), PLearn::GraphicalBiText::compute_pMC(), PLearn::PLearnService::connectToServers(), PLearn::StatsCollector::dmodes(), PLearn::DTWKernel::DTWKernel(), PLearn::extractAncestors(), PLearn::extractSenses(), PLearn::Plide::getAllClassnames(), PLearn::NNet::getCost(), PLearn::HashMapFeatureSet::getFeatures(), PLearn::getList(), PLearn::DatedJoinVMatrix::getNewRow(), PLearn::WordNetOntology::getSecondLevelSensesForWord(), PLearn::MultiTaskSeparationSplitter::getSplit(), PLearn::TopDownAsymetricDeepNetwork::getTestCostNames(), PLearn::StackedSVDNet::getTestCostNames(), PLearn::StackedFocusedAutoassociatorsNet::getTestCostNames(), PLearn::StackedAutoassociatorsNet::getTestCostNames(), PLearn::DeepNonLocalManifoldParzen::getTestCostNames(), PLearn::DeepFeatureExtractorNNet::getTestCostNames(), PLearn::AutoLinearRegressor::getTestCostNames(), PLearn::WordNetOntology::getThirdLevelSensesForWord(), PLearn::StackedFocusedAutoassociatorsNet::getTrainCostNames(), PLearn::StackedAutoassociatorsNet::getTrainCostNames(), PLearn::LinearRegressor::getTrainCostNames(), PLearn::BestAveragingPLearner::getTrainCostNames(), PLearn::AutoLinearRegressor::getTrainCostNames(), PLearn::indexable(), PLearn::injectPLearnClasses(), PLearn::injectPLearnGlobalFunctions(), PLearn::HyperSetOption::optimize(), PLearn::Plide::precisOnClass(), PLearn::pythonGlobalFuncTramp(), PLearn::TextFilesVMatrix::setColumnNamesAndWidth(), PLearn::stemsOfWord(), and PLearn::AdaBoost::train().

    { append(newval); }
template<class T>
void PLearn::TVec< T >::read ( PStream in) [inline]

reads the Vec from the PStream: Note that users should rather use the form in >> v;

Definition at line 262 of file TVec_decl.h.

Referenced by PLearn::operator>>().

    {
        TVec<T>& v = *this; // simple alias
        switch(in.inmode)
        {
        case PStream::raw_ascii:
        case PStream::raw_binary:      
            readSequence(in, v);

        case PStream::plearn_ascii:
        case PStream::plearn_binary:
        {
            in.skipBlanksAndComments();
            int c = in.peek();
            if(c!='T') // implicit storage
                readSequence(in,v);
            else // explicit storage
            {
                char word[6];
                // !!!! BUG: For some reason, this hangs!!!
                // in.read(word,5);
                for(int i=0; i<5; i++)
                    in.get(word[i]);
                word[5]='\0';
                if(strcmp(word,"TVec(")!=0)
                    PLERROR("In operator>>(PStream&, TVec&) '%s' not a proper header for a TVec!",word);
                // v.storage = 0;
                in.skipBlanksAndCommentsAndSeparators();
                in >> v.length_;
                in.skipBlanksAndCommentsAndSeparators();
                in >> v.offset_;
                in.skipBlanksAndCommentsAndSeparators();
                in >> v.storage;
                in.skipBlanksAndCommentsAndSeparators();
                int c = in.get(); // skip ')'
                if(c!=')')
                    PLERROR("In operator>>(PStream&, TVec&) expected a closing parenthesis, found '%c'",c);
            }
        }
        break;
      
        default:
            PLERROR("In TVec<T>::read(PStream& in)  unknown inmode!!!!!!!!!");
            break;
        }
    }

Here is the caller graph for this function:

template<class T>
void PLearn::TVec< T >::remove ( int  position) [inline]

removes element at position, Length is decreased by 1

Definition at line 525 of file TVec_decl.h.

Referenced by PLearn::BasisSelectionRegressor::appendFunctionToSelection(), PLearn::MixUnlabeledNeighbourVMatrix::build_(), PLearn::diff(), and PLearn::BallTreeNearestNeighbors::treeFromLeaves().

    {
#ifdef BOUNDCHECK
        if(position<0 || position>=length())
            PLERROR("OUT OF BOUNDS in Vec::remove");
#endif
        T* v = data();
        for(int i=position; i<length()-1; i++)
            v[i] = v[i+1];
        resize(length()-1);
    }

Here is the caller graph for this function:

template<class T>
void PLearn::TVec< T >::removeSorted ( value) [inline]

Definition at line 562 of file TVec_decl.h.

    {
        int i = findSorted(value);
        if(i<length() && (*this)[i]==value)
            remove(i);
    }
template<class T>
void PLearn::TVec< T >::resize ( int  newlength,
int  extra = 0 
) [inline]

Resizes the TVector to a new length The underlying storage is never shrunk and it is grown only if it is not already big enough When grown, extra entries are allocated to anticipate further grows

Definition at line 212 of file TVec_decl.h.

Referenced by PLearn::add(), PLearn::add_missing(), PLearn::GaussianKernel::addDataForKernelMatrix(), PLearn::HashMapFeatureSet::addFeatures(), PLearn::GaussMix::addToCovariance(), PLearn::AnalyzeFieldStats::analyzeVariableStats(), PLearn::BallTreeNearestNeighbors::anchorTrain(), PLearn::VecStatsCollector::append(), PLearn::GaussianizeVMatrix::append_col_to_gaussianize(), PLearn::SDBVMatrix::appendField(), PLearn::Kernel::apply(), PLearn::autocorrelation_function(), PLearn::averageAcrossRowsAndColumns(), PLearn::RowMapSparseValueMatrix< T >::averageAcrossRowsAndColumns(), PLearn::RowMapSparseMatrix< real >::averageAcrossRowsAndColumns(), PLearn::TanhModule::bbpropUpdate(), PLearn::Supersampling2DModule::bbpropUpdate(), PLearn::Subsampling2DModule::bbpropUpdate(), PLearn::SquaredErrorCostModule::bbpropUpdate(), PLearn::SquaredErrModule::bbpropUpdate(), PLearn::NLLErrModule::bbpropUpdate(), PLearn::NLLCostModule::bbpropUpdate(), PLearn::CostModule::bbpropUpdate(), PLearn::Convolution2DModule::bbpropUpdate(), PLearn::CombiningCostsModule::bbpropUpdate(), PLearn::BackConvolution2DModule::bbpropUpdate(), PLearn::RegressionTreeRegisters::bestSplitInRow(), PLearn::binread(), PLearn::binread_double(), PLearn::bootstrap(), PLearn::SumVarianceOfLinearTransformedCategoricals::bprop(), PLearn::SumVarianceOfLinearTransformedBernoullis::bprop(), PLearn::NeuralProbabilisticLanguageModel::bprop(), PLearn::LogAddVariable::bprop(), PLearn::LogaddOnBagsModule::bprop(), PLearn::FeatureSetSequentialCRF::bprop(), PLearn::FeatureSetNNet::bprop(), PLearn::bprop_tanh(), PLearn::VBoundDBN2::bpropAccUpdate(), PLearn::TreeDBNModule::bpropAccUpdate(), PLearn::SplitModule::bpropAccUpdate(), PLearn::MatrixModule::bpropAccUpdate(), PLearn::CostModule::bpropAccUpdate(), PLearn::CombiningCostsModule::bpropAccUpdate(), PLearn::RBMWoodsLayer::bpropNLL(), PLearn::RBMRateLayer::bpropNLL(), PLearn::RBMMultinomialLayer::bpropNLL(), PLearn::RBMMixedLayer::bpropNLL(), PLearn::RBMLocalMultinomialLayer::bpropNLL(), PLearn::RBMLateralBinomialLayer::bpropNLL(), PLearn::RBMGaussianLayer::bpropNLL(), PLearn::RBMBinomialLayer::bpropNLL(), PLearn::TanhModule::bpropUpdate(), PLearn::Supersampling2DModule::bpropUpdate(), PLearn::Subsampling2DModule::bpropUpdate(), PLearn::SquaredErrorCostModule::bpropUpdate(), PLearn::SquaredErrModule::bpropUpdate(), PLearn::SoftmaxNLLCostModule::bpropUpdate(), PLearn::SoftmaxModule::bpropUpdate(), PLearn::ShuntingNNetLayerModule::bpropUpdate(), PLearn::ScaleGradientModule::bpropUpdate(), PLearn::RBMWoodsLayer::bpropUpdate(), PLearn::RBMTruncExpLayer::bpropUpdate(), PLearn::RBMRateLayer::bpropUpdate(), PLearn::RBMQLParameters::bpropUpdate(), PLearn::RBMMultinomialLayer::bpropUpdate(), PLearn::RBMMixedLayer::bpropUpdate(), PLearn::RBMMixedConnection::bpropUpdate(), PLearn::RBMMatrixTransposeConnection::bpropUpdate(), PLearn::RBMMatrixConnection::bpropUpdate(), PLearn::RBMLQParameters::bpropUpdate(), PLearn::RBMLocalMultinomialLayer::bpropUpdate(), PLearn::RBMLLParameters::bpropUpdate(), PLearn::RBMLateralBinomialLayer::bpropUpdate(), PLearn::RBMJointLLParameters::bpropUpdate(), PLearn::RBMGaussianLayer::bpropUpdate(), PLearn::RBMDiagonalMatrixConnection::bpropUpdate(), PLearn::RBMConv2DLLParameters::bpropUpdate(), PLearn::RBMConv2DConnection::bpropUpdate(), PLearn::RBMBinomialLayer::bpropUpdate(), PLearn::NLLErrModule::bpropUpdate(), PLearn::NLLCostModule::bpropUpdate(), PLearn::LinearFilterModule::bpropUpdate(), PLearn::GradNNetLayerModule::bpropUpdate(), PLearn::CrossEntropyCostModule::bpropUpdate(), PLearn::CostModule::bpropUpdate(), PLearn::Convolution2DModule::bpropUpdate(), PLearn::CombiningCostsModule::bpropUpdate(), PLearn::BackConvolution2DModule::bpropUpdate(), PLearn::DenoisingRecurrentNet::bpropUpdateConnection(), PLearn::DenoisingRecurrentNet::bpropUpdateHiddenLayer(), PLearn::YMDDatedVMatrix::build_(), PLearn::PreprocessingVMatrix::build_(), PLearn::VariableDeletionVMatrix::build_(), PLearn::UniformizeVMatrix::build_(), PLearn::UnfoldedSumOfVariable::build_(), PLearn::UnfoldedFuncVariable::build_(), PLearn::TreeDBNModule::build_(), PLearn::TransformOutputLearner::build_(), PLearn::TopDownAsymetricDeepNetwork::build_(), PLearn::TextSenseSequenceVMatrix::build_(), PLearn::TemporaryDiskVMatrix::build_(), PLearn::TemporalHorizonVMatrix::build_(), PLearn::TangentLearner::build_(), PLearn::SupervisedDBN::build_(), PLearn::Supersampling2DModule::build_(), PLearn::SumOverBagsVariable::build_(), PLearn::SumOfVariable::build_(), PLearn::SubVMatrix::build_(), PLearn::SubsamplingDBN::build_(), PLearn::Subsampling2DModule::build_(), PLearn::StackedSVDNet::build_(), PLearn::StackedFocusedAutoassociatorsNet::build_(), PLearn::StackedAutoassociatorsNet::build_(), PLearn::SplitModule::build_(), PLearn::SparseIncrementalAffineTransformVariable::build_(), PLearn::SortRowsVMatrix::build_(), PLearn::ShiftAndRescaleVMatrix::build_(), PLearn::SequentialModelSelector::build_(), PLearn::SeparateInputVMatrix::build_(), PLearn::SemiSupervisedProbClassCostVariable::build_(), PLearn::SelectRowsVMatrix::build_(), PLearn::SelectRowsMultiInstanceVMatrix::build_(), PLearn::SelectInputSubsetLearner::build_(), PLearn::SelectColumnsVMatrix::build_(), PLearn::SecondIterationWrapper::build_(), PLearn::ScoreLayerVariable::build_(), PLearn::RunObject::build_(), PLearn::ReplicateSamplesVMatrix::build_(), PLearn::ReorderByMissingVMatrix::build_(), PLearn::RemoveDuplicateVMatrix::build_(), PLearn::RemapLastColumnVMatrix::build_(), PLearn::ReIndexedTargetVariable::build_(), PLearn::RegularGridVMatrix::build_(), PLearn::RegressionTreeRegisters::build_(), PLearn::RegressionTreeQueue::build_(), PLearn::RegressionTree::build_(), PLearn::RBMWoodsLayer::build_(), PLearn::RBMTruncExpLayer::build_(), PLearn::RBMTrainer::build_(), PLearn::RBMQLParameters::build_(), PLearn::RBMMultitaskClassificationModule::build_(), PLearn::RBMMultinomialLayer::build_(), PLearn::RBMModule::build_(), PLearn::RBMMixedLayer::build_(), PLearn::RBMMatrixConnectionNatGrad::build_(), PLearn::RBMLQParameters::build_(), PLearn::RBMLLParameters::build_(), PLearn::RBMLateralBinomialLayer::build_(), PLearn::RBMGenericParameters::build_(), PLearn::RBMGaussianLayer::build_(), PLearn::RBMDistribution::build_(), PLearn::RBMDiagonalMatrixConnection::build_(), PLearn::RBMConv2DLLParameters::build_(), PLearn::RBMConnection::build_(), PLearn::RBMBinomialLayer::build_(), PLearn::RankedVMatrix::build_(), PLearn::RandomSamplesVMatrix::build_(), PLearn::PvGradNNet::build_(), PLearn::PutSubVMatrix::build_(), PLearn::PTimer::build_(), PLearn::ProjectionErrorVariable::build_(), PLearn::ProcessSymbolicSequenceVMatrix::build_(), PLearn::ProcessingVMatrix::build_(), PLearn::PotentialsVariable::build_(), PLearn::PLS::build_(), PLearn::PLearnerOutputVMatrix::build_(), PLearn::PartSupervisedDBN::build_(), PLearn::OnlineGramNaturalGradientOptimizer::build_(), PLearn::OneVsAllVMatrix::build_(), PLearn::OneHotVMatrix::build_(), PLearn::OnBagsModule::build_(), PLearn::NormalizationLearner::build_(), PLearn::NonLocalManifoldParzen::build_(), PLearn::NNet::build_(), PLearn::NLLNeighborhoodWeightsVariable::build_(), PLearn::NllGeneralGaussianVariable::build_(), PLearn::NLLErrModule::build_(), PLearn::NeuralProbabilisticLanguageModel::build_(), PLearn::NeuralNet::build_(), PLearn::NetworkModule::build_(), PLearn::NeighborhoodSmoothnessNNet::build_(), PLearn::NeighborhoodImputationVMatrix::build_(), PLearn::NeighborhoodBoxVolumeDensityEstimator::build_(), PLearn::NearestNeighborPredictionCost::build_(), PLearn::NatGradSMPNNet::build_(), PLearn::NatGradNNet::build_(), PLearn::MultiToUniInstanceSelectRandomVMatrix::build_(), PLearn::MultiTaskSeparationSplitter::build_(), PLearn::MultiTargetOneHotVMatrix::build_(), PLearn::MultiInstanceNNet::build_(), PLearn::MultiClassAdaBoost::build_(), PLearn::MovingAverageVMatrix::build_(), PLearn::MoleculeTemplateLearner::build_(), PLearn::ModuleTester::build_(), PLearn::ModuleStackModule::build_(), PLearn::ModulesLearner::build_(), PLearn::ModuleLearner::build_(), PLearn::mNNet::build_(), PLearn::MixUnlabeledNeighbourVMatrix::build_(), PLearn::MixtureVMatrix::build_(), PLearn::MissingInstructionVMatrix::build_(), PLearn::MeanMedianModeImputationVMatrix::build_(), PLearn::MaxSubsampling2DModule::build_(), PLearn::MatrixSumOfVariable::build_(), PLearn::ManifoldParzen::build_(), PLearn::ManifoldKNNDistribution::build_(), PLearn::LocalNeighborsDifferencesVMatrix::build_(), PLearn::LocalMedBoost::build_(), PLearn::LocalizedFeaturesLayerVariable::build_(), PLearn::LLC::build_(), PLearn::LinearInductiveTransferClassifier::build_(), PLearn::LinearCombinationModule::build_(), PLearn::LIBSVMSparseVMatrix::build_(), PLearn::LemmatizeVMatrix::build_(), PLearn::LayerCostModule::build_(), PLearn::KNNImputationVMatrix::build_(), PLearn::KLp0p1RBMModule::build_(), PLearn::KernelVMatrix::build_(), PLearn::KernelProjection::build_(), PLearn::JoinVMatrix::build_(), PLearn::IncrementalNNet::build_(), PLearn::GraphicalBiText::build_(), PLearn::GaussPartSupervisedDBN::build_(), PLearn::GaussMixLocalProjections::build_(), PLearn::GaussianProcessRegressor::build_(), PLearn::GaussianizeVMatrix::build_(), PLearn::GaussianContinuumDistribution::build_(), PLearn::GaussianContinuum::build_(), PLearn::FNetLayerVariable::build_(), PLearn::FinancePreprocVMatrix::build_(), PLearn::FeatureSetSequentialCRF::build_(), PLearn::FeatureSetNNet::build_(), PLearn::FeatureSetNaiveBayesClassifier::build_(), PLearn::EntropyContrastLearner::build_(), PLearn::EntropyContrast::build_(), PLearn::EarlyStoppingOracle::build_(), PLearn::DynamicallyLinkedRBMsModel::build_(), PLearn::DistRepNNet::build_(), PLearn::DisregardRowsVMatrix::build_(), PLearn::DiskVMatrix::build_(), PLearn::DiscriminativeDeepBeliefNet::build_(), PLearn::DictionaryVMatrix::build_(), PLearn::DichotomizeVMatrix::build_(), PLearn::DenoisingRecurrentNet::build_(), PLearn::DeepReconstructorNet::build_(), PLearn::DeepNonLocalManifoldParzen::build_(), PLearn::DeepNNet::build_(), PLearn::DeepFeatureExtractorNNet::build_(), PLearn::DeepBeliefNet::build_(), PLearn::DatedJoinVMatrix::build_(), PLearn::CumVMatrix::build_(), PLearn::CorrelationProfiler::build_(), PLearn::CorrelationKernel::build_(), PLearn::Convolution2DModule::build_(), PLearn::ConjGradientOptimizer::build_(), PLearn::ConditionalDensityNet::build_(), PLearn::ConcatOfVariable::build_(), PLearn::ConcatColumnsVMatrix::build_(), PLearn::CombiningCostsModule::build_(), PLearn::ClassSubsetVMatrix::build_(), PLearn::ClassSeparationSplitter::build_(), PLearn::ClassifierFromDensity::build_(), PLearn::ClassifierFromConditionalPDistribution::build_(), PLearn::ChemicalICP::build_(), PLearn::CCCostVariable::build_(), PLearn::CartesianProductOracle::build_(), PLearn::BootstrapVMatrix::build_(), PLearn::BestAveragingPLearner::build_(), PLearn::BaseRegressorConfidence::build_(), PLearn::BackConvolution2DModule::build_(), PLearn::AppendNeighborsVMatrix::build_(), PLearn::AddLayersNNet::build_(), PLearn::AddCostToLearner::build_(), PLearn::AddBagInformationVMatrix::build_(), PLearn::AdaptGradientOptimizer::build_(), PLearn::AdaBoost::build_(), PLearn::DiscriminativeRBM::build_classification_cost(), PLearn::SubsamplingDBN::build_costs(), PLearn::StackedAutoassociatorsNet::build_costs(), PLearn::PseudolikelihoodRBM::build_costs(), PLearn::DiscriminativeRBM::build_costs(), PLearn::DeepBeliefNet::build_costs(), PLearn::SubsamplingDBN::build_final_cost(), PLearn::DeepBeliefNet::build_final_cost(), PLearn::TopDownAsymetricDeepNetwork::build_layers_and_connections(), PLearn::SubsamplingDBN::build_layers_and_connections(), PLearn::StackedFocusedAutoassociatorsNet::build_layers_and_connections(), PLearn::StackedAutoassociatorsNet::build_layers_and_connections(), PLearn::PseudolikelihoodRBM::build_layers_and_connections(), PLearn::DiscriminativeRBM::build_layers_and_connections(), PLearn::DiscriminativeDeepBeliefNet::build_layers_and_connections(), PLearn::DeepNonLocalManifoldParzen::build_layers_and_connections(), PLearn::DeepBeliefNet::build_layers_and_connections(), PLearn::TopDownAsymetricDeepNetwork::build_output_layer_and_cost(), PLearn::StackedFocusedAutoassociatorsNet::build_output_layer_and_cost(), PLearn::DiscriminativeDeepBeliefNet::build_output_layer_and_cost(), PLearn::SupervisedDBN::build_params(), PLearn::PartSupervisedDBN::build_params(), PLearn::HintonDeepBeliefNet::build_params(), PLearn::GaussPartSupervisedDBN::build_params(), PLearn::GaussianDBNRegression::build_params(), PLearn::GaussianDBNClassification::build_params(), PLearn::SupervisedDBN::build_regressors(), PLearn::PartSupervisedDBN::build_regressors(), PLearn::GaussPartSupervisedDBN::build_regressors(), PLearn::RBMJointLLParameters::build_units_types(), PLearn::RBMJointGenericParameters::build_units_types(), PLearn::BasisSelectionRegressor::buildAllCandidateFunctions(), PLearn::NnlmOnlineLearner::buildCandidates(), PLearn::NNet::buildCosts(), PLearn::DistRepNNet::buildCosts(), PLearn::DeepFeatureExtractorNNet::buildCosts(), PLearn::TargetEncodingLearner::buildEncodingsFromTrainset(), PLearn::NNet::buildFuncs(), PLearn::LinearInductiveTransferClassifier::buildFuncs(), PLearn::DistRepNNet::buildFuncs(), PLearn::DeepFeatureExtractorNNet::buildFuncs(), PLearn::StackedModulesModule::buildLayers(), PLearn::StackedModulesLearner::buildLayers(), PLearn::NnlmOnlineLearner::buildLayers(), PLearn::TransformationLearner::buildLearnedParameters(), PLearn::MissingIndicatorVMatrix::buildNewRecordFormat(), PLearn::StackedModulesLearner::buildOptions(), PLearn::NNet::buildOutputFromInput(), PLearn::DistRepNNet::buildOutputFromInput(), PLearn::NNet::buildPenalties(), PLearn::LinearInductiveTransferClassifier::buildPenalties(), PLearn::DistRepNNet::buildPenalties(), PLearn::DeepFeatureExtractorNNet::buildPenalties(), PLearn::DistRepNNet::buildVarGraph(), PLearn::HistogramDistribution::calc_density_from_survival(), PLearn::HistogramDistribution::calc_survival_from_density(), PLearn::calcPlaneParams(), PLearn::SequentialModelSelector::checkModelNames(), PLearn::WordNetSenseDictionary::childrenOf(), PLearn::chol_rotapp(), PLearn::choleskyAppendDimension(), PLearn::choleskyInsertBasis(), PLearn::choleskyUpgrade(), PLearn::DynamicallyLinkedRBMsModel::clamp_units(), PLearn::DenoisingRecurrentNet::clamp_units(), PLearn::TreeDBNModule::clearCache(), PLearn::TemporaryDiskVMatrix::closeCurrentFiles(), PLearn::DiskVMatrix::closeCurrentFiles(), PLearn::color_luminance_to_rgbreal(), PLearn::columnSum(), PLearn::CompactVMatrix::CompactVMatrix(), PLearn::VMatLanguage::compileString(), PLearn::ComplementedProbSparseMatrix::complement(), PLearn::complement_indices(), PLearn::NnlmOutputLayer::compute_approx_nl_p_t_r(), PLearn::GraphicalBiText::compute_BN_likelihood(), PLearn::GraphicalBiText::compute_efs_likelihood(), PLearn::NnlmOutputLayer::compute_nl_p_t_r(), PLearn::PseudolikelihoodRBM::compute_Z(), PLearn::LiftStatsCollector::computeAUC(), PLearn::DivisiveNormalizationKernel::computeAverage(), PLearn::AdditiveNormalizationKernel::computeAverage(), PLearn::PTester::computeConfidence(), PLearn::VPLPreprocessedLearner2::computeConfidenceFromOutput(), PLearn::VPLPreprocessedLearner::computeConfidenceFromOutput(), PLearn::StackedLearner::computeConfidenceFromOutput(), PLearn::LayerCostModule::computeCorrelationStatistics(), PLearn::WPLS::computeCostsFromOutputs(), PLearn::TestLearner::computeCostsFromOutputs(), PLearn::SVMClassificationTorch::computeCostsFromOutputs(), PLearn::SupervisedDBN::computeCostsFromOutputs(), PLearn::SubsamplingDBN::computeCostsFromOutputs(), PLearn::StackedSVDNet::computeCostsFromOutputs(), PLearn::StackedFocusedAutoassociatorsNet::computeCostsFromOutputs(), PLearn::StackedAutoassociatorsNet::computeCostsFromOutputs(), PLearn::RegressorFromDistribution::computeCostsFromOutputs(), PLearn::RankingFromKernel::computeCostsFromOutputs(), PLearn::PseudolikelihoodRBM::computeCostsFromOutputs(), PLearn::PDistribution::computeCostsFromOutputs(), PLearn::PCA::computeCostsFromOutputs(), PLearn::PartSupervisedDBN::computeCostsFromOutputs(), PLearn::NormalizationLearner::computeCostsFromOutputs(), PLearn::NNet::computeCostsFromOutputs(), PLearn::MultiInstanceNNet::computeCostsFromOutputs(), PLearn::MultiClassAdaBoost::computeCostsFromOutputs(), PLearn::ManifoldParzen::computeCostsFromOutputs(), PLearn::LocalGaussianClassifier::computeCostsFromOutputs(), PLearn::LinearRegressor::computeCostsFromOutputs(), PLearn::LinearInductiveTransferClassifier::computeCostsFromOutputs(), PLearn::TopDownAsymetricDeepNetwork::computeCostsFromOutputs(), PLearn::KNNClassifier::computeCostsFromOutputs(), PLearn::KMeansClustering::computeCostsFromOutputs(), PLearn::KFoldLogisticClassifier::computeCostsFromOutputs(), PLearn::KernelRidgeRegressor::computeCostsFromOutputs(), PLearn::KernelProjection::computeCostsFromOutputs(), PLearn::IdentityPLearner::computeCostsFromOutputs(), PLearn::HintonDeepBeliefNet::computeCostsFromOutputs(), PLearn::GaussPartSupervisedDBN::computeCostsFromOutputs(), PLearn::GaussianProcessRegressor::computeCostsFromOutputs(), PLearn::GaussianDBNRegression::computeCostsFromOutputs(), PLearn::GaussianDBNClassification::computeCostsFromOutputs(), PLearn::ExhaustiveNearestNeighbors::computeCostsFromOutputs(), PLearn::DiverseComponentAnalysis::computeCostsFromOutputs(), PLearn::DiscriminativeRBM::computeCostsFromOutputs(), PLearn::DiscriminativeDeepBeliefNet::computeCostsFromOutputs(), PLearn::DeepReconstructorNet::computeCostsFromOutputs(), PLearn::DeepNonLocalManifoldParzen::computeCostsFromOutputs(), PLearn::DeepNNet::computeCostsFromOutputs(), PLearn::DeepBeliefNet::computeCostsFromOutputs(), PLearn::ConstantRegressor::computeCostsFromOutputs(), PLearn::CompareLearner::computeCostsFromOutputs(), PLearn::ClassifierFromDensity::computeCostsFromOutputs(), PLearn::BinaryStump::computeCostsFromOutputs(), PLearn::BestAveragingPLearner::computeCostsFromOutputs(), PLearn::BasisSelectionRegressor::computeCostsFromOutputs(), PLearn::BallTreeNearestNeighbors::computeCostsFromOutputs(), PLearn::BaggingLearner::computeCostsFromOutputs(), PLearn::AutoLinearRegressor::computeCostsFromOutputs(), PLearn::AddCostToLearner::computeCostsFromOutputs(), PLearn::AdaBoost::computeCostsFromOutputs(), PLearn::MultiClassAdaBoost::computeCostsFromOutputs_(), PLearn::StatefulLearner::computeCostsOnly(), PLearn::PLearner::computeCostsOnly(), PLearn::GaussianProcessRegressor::computeCostsOnly(), PLearn::GaussianDistribution::computeEigenDecomposition(), PLearn::NnlmOutputLayer::computeEmpiricalLearningRateParameters(), PLearn::RBMLateralBinomialLayer::computeExpectation(), PLearn::RBMLateralBinomialLayer::computeExpectations(), PLearn::FilteredVMatrix::computeFilteredIndices(), PLearn::RationalQuadraticARDKernel::computeGramMatrix(), PLearn::PLearnerDiagonalKernel::computeGramMatrix(), PLearn::Matern1ARDKernel::computeGramMatrix(), PLearn::computeInputMeanAndVariance(), PLearn::computeLocalPrincipalComponents(), PLearn::GaussMix::computeLogLikelihood(), PLearn::DeepNonLocalManifoldParzen::computeManifoldParzenParameters(), PLearn::computeMeanAndCovar(), PLearn::computeMeanAndVariance(), PLearn::MeanImputationVMatrix::computeMeanVector(), PLearn::Kernel::computeNearestNeighbors(), PLearn::WPLS::computeOutput(), PLearn::VPLProcessor::computeOutput(), PLearn::VPLPreprocessedLearner2::computeOutput(), PLearn::VPLPreprocessedLearner::computeOutput(), PLearn::VPLCombinedLearner::computeOutput(), PLearn::VariableSelectionWithDirectedGradientDescent::computeOutput(), PLearn::TorchLearner::computeOutput(), PLearn::TestLearner::computeOutput(), PLearn::TestingLearner::computeOutput(), PLearn::TangentLearner::computeOutput(), PLearn::SubsamplingDBN::computeOutput(), PLearn::StatefulLearner::computeOutput(), PLearn::StackedModulesLearner::computeOutput(), PLearn::StackedLearner::computeOutput(), PLearn::RankingFromKernel::computeOutput(), PLearn::PLS::computeOutput(), PLearn::PDistribution::computeOutput(), PLearn::PCA::computeOutput(), PLearn::NxProfileLearner::computeOutput(), PLearn::NormalizationLearner::computeOutput(), PLearn::NnlmOnlineLearner::computeOutput(), PLearn::NNet::computeOutput(), PLearn::MoleculeTemplateLearner::computeOutput(), PLearn::ManifoldParzen2::computeOutput(), PLearn::ManifoldParzen::computeOutput(), PLearn::LocalMedBoost::computeOutput(), PLearn::LocalGaussianClassifier::computeOutput(), PLearn::LLC::computeOutput(), PLearn::LinearRegressor::computeOutput(), PLearn::LinearInductiveTransferClassifier::computeOutput(), PLearn::TopDownAsymetricDeepNetwork::computeOutput(), PLearn::KNNClassifier::computeOutput(), PLearn::KMeansClustering::computeOutput(), PLearn::KFoldLogisticClassifier::computeOutput(), PLearn::KernelRidgeRegressor::computeOutput(), PLearn::KernelProjection::computeOutput(), PLearn::IncrementalNNet::computeOutput(), PLearn::IdentityPLearner::computeOutput(), PLearn::GaussMixLocalProjections::computeOutput(), PLearn::EntropyContrastLearner::computeOutput(), PLearn::DiverseComponentAnalysis::computeOutput(), PLearn::DistRepNNet::computeOutput(), PLearn::DiscriminativeRBM::computeOutput(), PLearn::DeepReconstructorNet::computeOutput(), PLearn::DeepNonLocalManifoldParzen::computeOutput(), PLearn::DeepNNet::computeOutput(), PLearn::DeepFeatureExtractorNNet::computeOutput(), PLearn::DeepBeliefNet::computeOutput(), PLearn::CubicSpline::computeOutput(), PLearn::ConstantRegressor::computeOutput(), PLearn::CompareLearner::computeOutput(), PLearn::ClassifierFromDensity::computeOutput(), PLearn::ClassifierFromConditionalPDistribution::computeOutput(), PLearn::BinaryStump::computeOutput(), PLearn::BestAveragingPLearner::computeOutput(), PLearn::BaseRegressorWrapper::computeOutput(), PLearn::BaseRegressorConfidence::computeOutput(), PLearn::BallTreeNearestNeighbors::computeOutput(), PLearn::BaggingLearner::computeOutput(), PLearn::AutoLinearRegressor::computeOutput(), PLearn::VPLProcessor::computeOutputAndCosts(), PLearn::VPLPreprocessedLearner2::computeOutputAndCosts(), PLearn::VPLPreprocessedLearner::computeOutputAndCosts(), PLearn::VPLCombinedLearner::computeOutputAndCosts(), PLearn::RegressionTree::computeOutputAndCosts(), PLearn::NNet::computeOutputAndCosts(), PLearn::MultiClassAdaBoost::computeOutputAndCosts(), PLearn::ModuleLearner::computeOutputAndCosts(), PLearn::LinearInductiveTransferClassifier::computeOutputAndCosts(), PLearn::ExhaustiveNearestNeighbors::computeOutputAndCosts(), PLearn::DistRepNNet::computeOutputAndCosts(), PLearn::DeepFeatureExtractorNNet::computeOutputAndCosts(), PLearn::BallTreeNearestNeighbors::computeOutputAndCosts(), PLearn::AdaBoost::computeOutputAndCosts(), PLearn::RegressionTreeNode::computeOutputAndNodes(), PLearn::PLearner::computeOutputCovMat(), PLearn::GaussianProcessRegressor::computeOutputCovMat(), PLearn::BasisSelectionRegressor::computeOutputFromFeaturevec(), PLearn::StackedAutoassociatorsNet::computeOutputs(), PLearn::RBMModule::computePartitionFunction(), PLearn::LayerCostModule::computePascalStatistics(), PLearn::GaussMix::computePosteriors(), PLearn::RBMWoodsLayer::computeProbabilisticClustering(), PLearn::computeRange(), PLearn::computeRanges(), PLearn::UniformizeLearner::computeRankMap(), PLearn::computeRanks(), PLearn::TopDownAsymetricDeepNetwork::computeRepresentation(), PLearn::StackedFocusedAutoassociatorsNet::computeRepresentation(), PLearn::DiscriminativeDeepBeliefNet::computeRepresentation(), PLearn::DeepNonLocalManifoldParzen::computeRepresentation(), PLearn::LinearRegressor::computeResidualsVariance(), PLearn::PLS::computeResidVariance(), PLearn::computeRowMean(), PLearn::Kernel::computeSparseGramMatrix(), PLearn::LocalizedFeaturesLayerVariable::computeSubsets(), PLearn::ComputeDond2Target::computeTarget(), PLearn::PruningLinearRegressor::computeTRatio(), PLearn::ChemicalICP::computeUsedFeatures(), PLearn::BasisSelectionRegressor::computeWeightedAveragesWithResidue(), PLearn::computeWeightedInputOutputMeansAndStddev(), PLearn::ReconstructionWeightsKernel::computeWeights(), PLearn::SumVarianceOfLinearTransformedBernoullis::computeWsqnorm(), PLearn::computeXYPositions(), PLearn::GenericNearestNeighbors::constructOutputVector(), PLearn::SubsamplingDBN::contrastiveDivergenceStep(), PLearn::HintonDeepBeliefNet::contrastiveDivergenceStep(), PLearn::DeepBeliefNet::contrastiveDivergenceStep(), PLearn::ConvertFromPyObject< Vec >::convert(), PLearn::SDBVMFieldICBCClassification::convertField(), PLearn::StackedAutoassociatorsNet::corrupt_input(), PLearn::DeepBeliefNet::corrupt_input(), PLearn::BallTreeNearestNeighbors::createAnchors(), PLearn::SequentialValidation::createStatCollectors(), PLearn::SequentialValidation::createStatSpecs(), PLearn::MemoryCachedKernel::dataRow(), PLearn::det(), PLearn::PLearnDiff::diff(), PLearn::DirichletEstimatorMMoments(), PLearn::displayHistogram(), PLearn::divide(), PLearn::StackedAutoassociatorsNet::divide_input(), PLearn::RowBufferedVMatrix::dot(), PLearn::StackedAutoassociatorsNet::double_input(), PLearn::eigen_SymmMat(), PLearn::eigenSparseNonSymmMat(), PLearn::eigenSparseSymmMat(), PLearn::eigenVecOfSymmMat(), PLearn::MatlabInterface::eigs_r11(), PLearn::PCA::em_algo(), PLearn::PCA::em_orth_algo(), PLearn::ProductRandomVariable::EMTrainingInitialize(), PLearn::DenoisingRecurrentNet::encode_artificialData(), PLearn::DenoisingRecurrentNet::encodeAndCreateSupervisedSequence(), PLearn::DenoisingRecurrentNet::encodeAndCreateSupervisedSequence2(), PLearn::IndexedVMatrix::ensureMappingsConsistency(), PLearn::PLearnerDiagonalKernel::evaluate(), PLearn::RationalQuadraticARDKernel::evaluate_all_i_x(), PLearn::evaluate_functions(), PLearn::Kernel::evaluate_i_j(), PLearn::Kernel::evaluate_i_x(), PLearn::Kernel::evaluate_x_i(), PLearn::ReconstructionWeightsKernel::evaluate_x_i_again(), PLearn::exp(), PLearn::SupervisedDBN::expectation(), PLearn::PartSupervisedDBN::expectation(), PLearn::MixtureDistribution::expectation(), PLearn::HintonDeepBeliefNet::expectation(), PLearn::GaussPartSupervisedDBN::expectation(), PLearn::GaussMix::expectation(), PLearn::GaussianProcessRegressor::expectation(), PLearn::GaussianDBNRegression::expectation(), PLearn::GaussianDBNClassification::expectation(), PLearn::ConditionalDensityNet::expectation(), PLearn::StackedAutoassociatorsNet::fantasizeKTime(), PLearn::DeepBeliefNet::fantasizeKTime(), PLearn::SumOfVariable::fbprop(), PLearn::CCCostVariable::fbprop(), PLearn::GaussianProcessNLLVariable::fbpropFragments(), PLearn::ToBagClassifier::fillSubTarget(), PLearn::LiftStatsCollector::finalize(), PLearn::ConcatRowsVMatrix::findAllFields(), PLearn::ConcatRowsVMatrix::findCommonFields(), PLearn::ExhaustiveNearestNeighbors::findNearestNeighbors(), PLearn::findSumsFromPts(), PLearn::SupervisedDBN::fineTuneByGradientDescent(), PLearn::GaussianDBNRegression::fineTuneByGradientDescent(), PLearn::GaussianDBNRegression::fineTuneByGradientDescentLastLayer(), PLearn::SubsamplingDBN::fineTuningStep(), PLearn::DeepNonLocalManifoldParzen::fineTuningStep(), PLearn::DeepBeliefNet::fineTuningStep(), PLearn::LiftStatsIterator::finish(), PLearn::VecStatsCollector::forget(), PLearn::VariableSelectionWithDirectedGradientDescent::forget(), PLearn::StepwiseSelectionOracle::forget(), PLearn::StackedSVDNet::forget(), PLearn::ShuntingNNetLayerModule::forget(), PLearn::SequentialModelSelector::forget(), PLearn::PartSupervisedDBN::forget(), PLearn::NatGradSMPNNet::forget(), PLearn::LinearRegressor::forget(), PLearn::LinearFilterModule::forget(), PLearn::LiftStatsCollector::forget(), PLearn::KMeansClustering::forget(), PLearn::KFoldLogisticClassifier::forget(), PLearn::KernelProjection::forget(), PLearn::HyperOptimize::forget(), PLearn::HintonDeepBeliefNet::forget(), PLearn::GradNNetLayerModule::forget(), PLearn::GaussPartSupervisedDBN::forget(), PLearn::GaussMix::forget(), PLearn::DistRepNNet::forget(), PLearn::DeepFeatureExtractorNNet::forget(), PLearn::CubicSpline::forget(), PLearn::ConditionalStatsCollector::forget(), PLearn::ClassifierFromDensity::forget(), PLearn::BasisSelectionRegressor::forget(), PLearn::BallTreeNearestNeighbors::forget(), PLearn::AdaBoost::forget(), PLearn::ChemicalICP::forgetMemorizedAlignments(), PLearn::TreeDBNModule::fprop(), PLearn::TanhModule::fprop(), PLearn::Supersampling2DModule::fprop(), PLearn::SumOfVariable::fprop(), PLearn::Subsampling2DModule::fprop(), PLearn::StackedModulesModule::fprop(), PLearn::SquaredErrorCostModule::fprop(), PLearn::SquaredErrModule::fprop(), PLearn::SplitModule::fprop(), PLearn::SoftmaxNLLCostModule::fprop(), PLearn::SoftmaxModule::fprop(), PLearn::ShuntingNNetLayerModule::fprop(), PLearn::ScaleGradientModule::fprop(), PLearn::SaltPepperNoiseVariable::fprop(), PLearn::RBMWoodsLayer::fprop(), PLearn::RBMTruncExpLayer::fprop(), PLearn::RBMRateLayer::fprop(), PLearn::RBMParameters::fprop(), PLearn::RBMMultitaskClassificationModule::fprop(), PLearn::RBMMultinomialLayer::fprop(), PLearn::RBMMixedLayer::fprop(), PLearn::RBMLocalMultinomialLayer::fprop(), PLearn::RBMLayer::fprop(), PLearn::RBMLateralBinomialLayer::fprop(), PLearn::RBMJointLLParameters::fprop(), PLearn::RBMJointGenericParameters::fprop(), PLearn::RBMGaussianLayer::fprop(), PLearn::RBMConnection::fprop(), PLearn::RBMClassificationModule::fprop(), PLearn::RBMBinomialLayer::fprop(), PLearn::RandomForcedValuesVariable::fprop(), PLearn::PotentialsVariable::fprop(), PLearn::OnBagsModule::fprop(), PLearn::NllGeneralGaussianVariable::fprop(), PLearn::NLLErrModule::fprop(), PLearn::NLLCostModule::fprop(), PLearn::NetworkModule::fprop(), PLearn::MatrixModule::fprop(), PLearn::LogAddVariable::fprop(), PLearn::LinearFilterModule::fprop(), PLearn::IdentityModule::fprop(), PLearn::GradNNetLayerModule::fprop(), PLearn::CrossEntropyCostModule::fprop(), PLearn::CostModule::fprop(), PLearn::Convolution2DModule::fprop(), PLearn::CombiningCostsModule::fprop(), PLearn::ClassErrorCostModule::fprop(), PLearn::CCCostVariable::fprop(), PLearn::BackConvolution2DModule::fprop(), PLearn::NeuralProbabilisticLanguageModel::fpropBeforeOutputWeights(), PLearn::DenoisingRecurrentNet::fpropHiddenReconstructionFromLastHidden(), PLearn::DenoisingRecurrentNet::fpropHiddenReconstructionFromLastHidden2(), PLearn::DenoisingRecurrentNet::fpropHiddenSymmetricDynamicMatrix(), PLearn::DenoisingRecurrentNet::fpropInputReconstructionFromHidden(), PLearn::RBMMixedLayer::fpropNLL(), PLearn::RBMLayer::fpropNLL(), PLearn::SumOverBagsVariable::fpropOneBag(), PLearn::LogaddOnBagsModule::fpropOutput(), PLearn::FeatureSetSequentialCRF::fpropOutput(), PLearn::FeatureSetNNet::fpropOutput(), PLearn::RBMWoodsLayer::freeEnergyContribution(), PLearn::RBMWoodsLayer::freeEnergyContributionGradient(), PLearn::RBMRateLayer::freeEnergyContributionGradient(), PLearn::RBMMultinomialLayer::freeEnergyContributionGradient(), PLearn::RBMBinomialLayer::freeEnergyContributionGradient(), PLearn::Learner::freeTestResultsStreams(), PLearn::TreeDBNModule::full_fprop(), PLearn::fullyRebalance2Classes(), PLearn::GCV(), PLearn::generalizedEigenVecOfSymmMat(), PLearn::UniformDistribution::generate(), PLearn::TransformationLearner::generate(), PLearn::SpiralDistribution::generate(), PLearn::RBMDistribution::generate(), PLearn::GaussianDistribution::generate(), PLearn::EmpiricalDistribution::generate(), PLearn::DynamicallyLinkedRBMsModel::generate(), PLearn::DenoisingRecurrentNet::generate(), PLearn::ConditionalDensityNet::generate(), PLearn::DenoisingRecurrentNet::generateArtificial(), PLearn::GaussMix::generateFromGaussian(), PLearn::TransformationLearner::generatorBuild(), PLearn::RowBufferedVMatrix::get(), PLearn::Plide::getAllClassnames(), PLearn::RegressionTreeRegisters::getAllRegisteredRow(), PLearn::RegressionTreeRegisters::getAllRegisteredRowLeave(), PLearn::VecStatsCollector::getAllStats(), PLearn::StatsCollector::getAllValuesMapping(), PLearn::NnlmOutputLayer::getBestCandidates(), PLearn::StatsCollector::getBinMapping(), PLearn::VMatrix::getExample(), PLearn::ProcessSymbolicSequenceVMatrix::getExample(), PLearn::NetflixVMatrix::getExample(), PLearn::LIBSVMSparseVMatrix::getExample(), PLearn::VMatrix::getExamples(), PLearn::VMatrix::getExtra(), PLearn::LIBSVMSparseVMatrix::getExtra(), PLearn::HashMapFeatureSet::getFeatures(), PLearn::ConcatDisjointFeatureSet::getFeatures(), PLearn::CachedFeatureSet::getFeatures(), PLearn::VMatrix::getFieldInfos(), PLearn::SelectColumnsVMatrix::getIndicesFromFields(), PLearn::SDBVMFieldRemapIntervals::getIntervals(), PLearn::VecStatsCollector::getMean(), PLearn::WordNetFeatureSet::getNewFeaturesString(), PLearn::PythonFeatureSet::getNewFeaturesString(), PLearn::IdentityFeatureSet::getNewFeaturesString(), PLearn::ConcatDisjointFeatureSet::getNewFeaturesString(), PLearn::RandomNeighborsDifferencesVMatrix::getNewRow(), PLearn::PythonProcessedVMatrix::getNewRow(), PLearn::ProcessSymbolicSequenceVMatrix::getNewRow(), PLearn::PLearnerOutputVMatrix::getNewRow(), PLearn::MixUnlabeledNeighbourVMatrix::getNewRow(), PLearn::MeanImputationVMatrix::getNewRow(), PLearn::LocalNeighborsDifferencesVMatrix::getNewRow(), PLearn::LearnerProcessedVMatrix::getNewRow(), PLearn::KNNVMatrix::getNewRow(), PLearn::BinaryOpVMatrix::getNewRow(), PLearn::NGramDistribution::getNGrams(), PLearn::VMatLanguage::getOutputFieldNamesFromString(), PLearn::NormalizationLearner::getOutputNames(), PLearn::RunICPVariable::getPathsToResize(), PLearn::SplitModule::getPorts(), PLearn::FeatureSetNaiveBayesClassifier::getProbs(), PLearn::RowBufferedVMatrix::getRow(), PLearn::VMatrix::getRowAsStrings(), PLearn::WordNetSenseDictionary::getSensesFromWordNet(), PLearn::PythonProcessedVMatrix::getSourceRow(), PLearn::TrainTestSplitter::getSplit(), PLearn::RowBufferedVMatrix::getSubRow(), PLearn::StructuralLearner::getTestCostNames(), PLearn::NnlmOnlineLearner::getTestCostNames(), PLearn::NatGradSMPNNet::getTestCostNames(), PLearn::NatGradNNet::getTestCostNames(), PLearn::mNNet::getTestCostNames(), PLearn::LinearInductiveTransferClassifier::getTestCostNames(), PLearn::ClassifierFromConditionalPDistribution::getTestCostNames(), PLearn::DistRepNNet::getTokenDistRep(), PLearn::StructuralLearner::getTrainCostNames(), PLearn::RankingFromKernel::getTrainCostNames(), PLearn::NxProfileLearner::getTrainCostNames(), PLearn::NnlmOnlineLearner::getTrainCostNames(), PLearn::WordNetSenseDictionary::getValues(), PLearn::VMatrix::getValues(), PLearn::SelectColumnsVMatrix::getValues(), PLearn::ProcessSymbolicSequenceVMatrix::getValues(), PLearn::Dictionary::getValues(), PLearn::OnlineGramNaturalGradientOptimizer::gramEigenNaturalGradient(), PLearn::DeepBeliefNet::greedyStep(), PLearn::NeuralProbabilisticLanguageModel::importance_sampling_gradient_update(), PLearn::PCA::incremental_algo(), PLearn::DisregardRowsVMatrix::inferIndices(), PLearn::QuantilesStatsIterator::init(), PLearn::LiftStatsIterator::init(), PLearn::NatGradEstimator::init(), PLearn::GraphicalBiText::init(), PLearn::VMatrix::init_map_sr(), PLearn::GraphicalBiText::init_WSD(), PLearn::VPLCombinedLearner::initializeCostNames(), PLearn::VPLProcessor::initializeInputPrograms(), PLearn::VPLPreprocessedLearner2::initializeInputPrograms(), PLearn::VPLPreprocessedLearner2::initializeOutputPrograms(), PLearn::VPLCombinedLearner::initializeOutputPrograms(), PLearn::NNet::initializeParams(), PLearn::NeuralProbabilisticLanguageModel::initializeParams(), PLearn::FeatureSetSequentialCRF::initializeParams(), PLearn::FeatureSetNNet::initializeParams(), PLearn::DistRepNNet::initializeParams(), PLearn::DeepNNet::initializeParams(), PLearn::RegressionTreeNode::initNode(), PLearn::RegressionTreeMulticlassLeaveProb::initStats(), PLearn::RegressionTreeMulticlassLeaveFast::initStats(), PLearn::RegressionTreeMulticlassLeave::initStats(), PLearn::BasisSelectionRegressor::initTargetsResidueWeight(), PLearn::TransformationLearner::initTransformDistribution(), PLearn::TransformationLearner::initTransformsParameters(), PLearn::kernelPCAfromDotProducts(), PLearn::GaussMix::kmeans(), PLearn::NonLocalManifoldParzen::knn(), PLearn::GaussianContinuumDistribution::knn(), PLearn::GaussianContinuum::knn(), PLearn::KS_test(), PLearn::lapackEIGEN(), PLearn::lapackGeneralizedEIGEN(), PLearn::lapackSolveLinearSystem(), PLearn::lapackSVD(), PLearn::linearRegression(), PLearn::loadAscii(), PLearn::GraphicalBiText::loadBitext(), PLearn::loadPVec(), PLearn::VMatrix::loadStats(), PLearn::loadUCIAMat(), PLearn::loadUCIMLDB(), PLearn::loadUCISet(), PLearn::DenoisingRecurrentNet::locateSequenceBoundaries(), PLearn::NonLocalManifoldParzen::log_density(), PLearn::NeighborhoodBoxVolumeDensityEstimator::log_density(), PLearn::LocallyMagnifiedDistribution::log_density(), PLearn::GaussMix::log_density(), PLearn::GaussianDistribution::log_density(), PLearn::GaussianContinuumDistribution::log_density(), PLearn::ConditionalDensityNet::log_density(), PLearn::log_fullGaussianRBF(), PLearn::logOfCompactGaussian(), PLearn::logOfNormal(), PLearn::RegressionTreeNode::lookForBestSplit(), PLearn::TransformationLearner::mainLearnerBuild(), PLearn::GaussianContinuumDistribution::make_random_walk(), PLearn::GaussianContinuum::make_random_walk(), PLearn::TextFilesVMatrix::makeDeepCopyFromShallowCopy(), PLearn::TemporaryDiskVMatrix::makeDeepCopyFromShallowCopy(), PLearn::NetworkModule::makeDeepCopyFromShallowCopy(), PLearn::DiskVMatrix::makeDeepCopyFromShallowCopy(), PLearn::Preprocessing::manageTrainTestUnknownSets(), PLearn::matlabR11eigs(), PLearn::matlabSave(), PLearn::max(), PLearn::VecStatsCollector::merge(), PLearn::metricMultiDimensionalScaling(), PLearn::min(), PLearn::GaussMix::missingExpectation(), PLearn::multiply(), PLearn::multiplyAdd(), PLearn::multivariate_normal(), PLearn::NnlmOnlineLearner::myGetExample(), PLearn::NGramTree::n_freq(), PLearn::PruningLinearRegressor::newDatasetIndices(), PLearn::nonZeroIndices(), PLearn::SmoothedProbSparseMatrix::normalizeCondBackoff(), PLearn::SmoothedProbSparseMatrix::normalizeCondLaplace(), PLearn::one_against_all_hinge_loss_bprop(), PLearn::SubsamplingDBN::onlineStep(), PLearn::StackedAutoassociatorsNet::onlineStep(), PLearn::NatGradSMPNNet::onlineStep(), PLearn::NatGradNNet::onlineStep(), PLearn::DeepBeliefNet::onlineStep(), PLearn::Learner::openTestResultsStreams(), PLearn::NatGradEstimator::operator()(), PLearn::BasisSelectionRegressor::thread_wawr::operator()(), PLearn::operator+(), PLearn::Array< char * >::operator=(), PLearn::GradientOptimizer::optimizeN(), PLearn::WordNetSenseDictionary::parentsOf(), PLearn::CompactVMatrix::perturb(), PLearn::RBMMatrixConnection::petiteCulotteOlivierUpdate(), PLearn::TransformationLearner::pickTransformIdx(), PLearn::PLearnerOutputVMatrix::PLearnerOutputVMatrix(), PLearn::plotVMats(), PLearn::Plide::precisOnClass(), PLearn::SumOfVariable::printInfo(), PLearn::CCCostVariable::printInfo(), PLearn::NatGradSMPNNet::pvGradUpdate(), PLearn::qld_interface(), PLearn::RBMBinomialLayer::RBMBinomialLayer(), PLearn::RBMGaussianLayer::RBMGaussianLayer(), PLearn::RBMMultinomialLayer::RBMMultinomialLayer(), PLearn::RBMTruncExpLayer::RBMTruncExpLayer(), PLearn::BasisSelectionRegressor::recomputeResidue(), PLearn::ReconstructionWeightsKernel::reconstruct(), PLearn::PCA::reconstruct(), PLearn::DynamicallyLinkedRBMsModel::recurrent_update(), PLearn::DenoisingRecurrentNet::recurrentUpdate(), PLearn::PLearner::remote_computeOutput(), PLearn::PLearner::remote_computeOutputAndCosts(), PLearn::remove_missing(), PLearn::remove_missing_inplace(), PLearn::NnlmOutputLayer::resetAllClassVars(), PLearn::NnlmOutputLayer::resetParameters(), PLearn::UndirectedSoftmaxModule::resetWeights(), PLearn::DenoisingRecurrentNet::resize_lists(), PLearn::StackedLearner::resizeBaseLearnersOutputs(), PLearn::GaussMix::resizeDataBeforeTraining(), PLearn::GaussMix::resizeDataBeforeUsing(), PLearn::ShuntingNNetLayerModule::resizeOnes(), PLearn::LinearFilterModule::resizeOnes(), PLearn::GradNNetLayerModule::resizeOnes(), PLearn::TransformationLearner::return_dirichlet_sample(), PLearn::TransformationLearner::returnNeighbors(), PLearn::TransformationLearner::returnPredictedFrom(), PLearn::TransformationLearner::returnReconstructions(), PLearn::TransformationLearner::returnTrainingPoint(), PLearn::RGBImagesVMatrix::RGBImagesVMatrix(), PLearn::ridgeRegressionByGCV(), PLearn::VMatLanguage::run(), PLearn::TxtmatCommand::run(), PLearn::SequentialValidation::run(), PLearn::ChemicalICP::run(), PLearn::RGBImagesVMatrix::sample(), PLearn::RGBImageVMatrix::sample(), PLearn::SelectColumnsVMatrix::SelectColumnsVMatrix(), PLearn::SelectRowsVMatrix::SelectRowsVMatrix(), PLearn::RBMLayer::setBatchSize(), PLearn::ThresholdedKernel::setDataForKernelMatrix(), PLearn::MemoryCachedKernel::setDataForKernelMatrix(), PLearn::GaussianKernel::setDataForKernelMatrix(), PLearn::DivisiveNormalizationKernel::setDataForKernelMatrix(), PLearn::DistanceKernel::setDataForKernelMatrix(), PLearn::AdditiveNormalizationKernel::setDataForKernelMatrix(), PLearn::TestInTrainSplitter::setDataSet(), PLearn::SDBVMFieldMultiDiscrete::setFields(), PLearn::ConditionalGaussianDistribution::setInput(), PLearn::TextFilesVMatrix::setMetaDataDir(), PLearn::GaussianizeVMatrix::setMetaDataDir(), PLearn::GaussMix::setPredictor(), PLearn::PDistribution::setPredictorPredictedSizes(), PLearn::GaussMix::setPredictorPredictedSizes_const(), PLearn::VMatLanguage::setSourceFieldNames(), PLearn::Optimizer::setToOptimize(), PLearn::AutoScaledGradientOptimizer::setToOptimize(), PLearn::VPLPreprocessedLearner::setTrainingSet(), PLearn::UniformizeLearner::setTrainingSet(), PLearn::StackedFocusedAutoassociatorsNet::setTrainingSet(), PLearn::SelectInputSubsetLearner::setTrainingSet(), PLearn::MultiClassAdaBoost::setTrainingSet(), PLearn::ManifoldParzen::setTrainingSet(), PLearn::LocalGaussianClassifier::setTrainingSet(), PLearn::KNNRegressor::setTrainingSet(), PLearn::KNNClassifier::setTrainingSet(), PLearn::GaussMix::setTrainingSet(), PLearn::DeepNonLocalManifoldParzen::setTrainingSet(), PLearn::TransformationLearner::setTransformDistribution(), PLearn::TransformationLearner::setTransformsParameters(), PLearn::ScaledConditionalCDFSmoother::smooth(), PLearn::LimitedGaussianSmoother::smooth(), PLearn::SparseMatrix::SparseMatrix(), PLearn::SpearmanRankCorrelation(), PLearn::DenoisingRecurrentNet::splitRawMaskedSupervisedSequence(), PLearn::stemsOfWord(), PLearn::StrTableVMatrix::StrTableVMatrix(), PLearn::substract(), PLearn::substractAcc(), PLearn::SupervisedDBN::supervisedContrastiveDivergenceStep(), PLearn::TemporalHorizonVMatrix::TemporalHorizonVMatrix(), PLearn::PLearner::test(), PLearn::MultiClassAdaBoost::test(), PLearn::Learner::test(), PLearn::DynamicallyLinkedRBMsModel::test(), PLearn::GraphicalBiText::test_WSD(), PLearn::VariableSelectionWithDirectedGradientDescent::train(), PLearn::UniformizeLearner::train(), PLearn::TopDownAsymetricDeepNetwork::train(), PLearn::SupervisedDBN::train(), PLearn::SubsamplingDBN::train(), PLearn::StackedSVDNet::train(), PLearn::StackedFocusedAutoassociatorsNet::train(), PLearn::StackedAutoassociatorsNet::train(), PLearn::PseudolikelihoodRBM::train(), PLearn::PLS::train(), PLearn::PartSupervisedDBN::train(), PLearn::NxProfileLearner::train(), PLearn::NormalizationLearner::train(), PLearn::NonLocalManifoldParzen::train(), PLearn::NGramDistribution::train(), PLearn::NeuralProbabilisticLanguageModel::train(), PLearn::ModuleLearner::train(), PLearn::mNNet::train(), PLearn::ManifoldParzen2::train(), PLearn::ManifoldParzen::train(), PLearn::LocalMedBoost::train(), PLearn::LocallyMagnifiedDistribution::train(), PLearn::LLC::train(), PLearn::LinearRegressor::train(), PLearn::LinearInductiveTransferClassifier::train(), PLearn::KMeansClustering::train(), PLearn::KFoldLogisticClassifier::train(), PLearn::KernelProjection::train(), PLearn::IncrementalNNet::train(), PLearn::HistogramDistribution::train(), PLearn::HintonDeepBeliefNet::train(), PLearn::GaussPartSupervisedDBN::train(), PLearn::GaussMix::train(), PLearn::GaussianDistribution::train(), PLearn::GaussianContinuumDistribution::train(), PLearn::GaussianContinuum::train(), PLearn::FeatureSetNaiveBayesClassifier::train(), PLearn::DynamicallyLinkedRBMsModel::train(), PLearn::DiverseComponentAnalysis::train(), PLearn::DiscriminativeDeepBeliefNet::train(), PLearn::DenoisingRecurrentNet::train(), PLearn::DeepNonLocalManifoldParzen::train(), PLearn::DeepNNet::train(), PLearn::DeepBeliefNet::train(), PLearn::CubicSpline::train(), PLearn::ConstantRegressor::train(), PLearn::ConditionalGaussianDistribution::train(), PLearn::ClassifierFromDensity::train(), PLearn::BinaryStump::train(), PLearn::BestAveragingPLearner::train(), PLearn::BasisSelectionRegressor::train(), PLearn::BaggingLearner::train(), PLearn::AutoLinearRegressor::train(), PLearn::AddCostToLearner::train(), PLearn::AdaBoost::train(), PLearn::DeepReconstructorNet::trainHiddenLayer(), PLearn::DeepReconstructorNet::trainSupervisedLayer(), PLearn::DenoisingRecurrentNet::trainUnconditionalPredictor(), PLearn::TVec< T >::TVec(), PLearn::DenoisingRecurrentNet::unconditionalFprop(), PLearn::UniformDistribution::UniformDistribution(), PLearn::GaussMix::unknownOutput(), PLearn::VecStatsCollector::update(), PLearn::Variable::update(), PLearn::QuantilesStatsIterator::update(), PLearn::LiftStatsIterator::update(), PLearn::RBMLLParameters::update(), PLearn::RBMLayer::update(), PLearn::RBMGaussianLayer::update(), PLearn::RBMDiagonalMatrixConnection::update(), PLearn::RBMConv2DLLParameters::update(), PLearn::ObservationWindow::update(), PLearn::NeuralProbabilisticLanguageModel::update(), PLearn::FeatureSetSequentialCRF::update(), PLearn::FeatureSetNNet::update(), PLearn::ConditionalStatsCollector::update(), PLearn::GaussianContinuumDistribution::update_reference_set_parameters(), PLearn::GaussianContinuum::update_reference_set_parameters(), PLearn::Variable::updateAndClear(), PLearn::TreeDBNModule::updateCache(), PLearn::RBMLayer::updateCDandGibbs(), PLearn::GaussMix::updateCholeskyFromPrevious(), PLearn::ToBagClassifier::updateCostAndBagOutput(), PLearn::RBMLayer::updateGibbs(), PLearn::GaussMix::updateInverseVarianceFromPrevious(), PLearn::DeepNonLocalManifoldParzen::updateManifoldParzenParameters(), PLearn::DiscriminativeDeepBeliefNet::updateNearestNeighbors(), PLearn::StackedFocusedAutoassociatorsNet::updateTrainSetRepresentations(), PLearn::Variable::updateWithWeightDecay(), PLearn::PLearner::use(), PLearn::Learner::useAndCostOnTestVec(), PLearn::NeuralProbabilisticLanguageModel::verify_gradient(), PLearn::FeatureSetSequentialCRF::verify_gradient(), PLearn::FeatureSetNNet::verify_gradient(), PLearn::viewVMat(), PLearn::VMatAccessBuffer::VMatAccessBuffer(), PLearn::weightedLinearRegression(), and PLearn::weightedRidgeRegressionByGCV().

    {
#ifdef BOUNDCHECK
        if (newlength<0 || extra<0)
            PLERROR("IN TVec::resize(int newlength)\nInvalid argument (<0)");
#endif
        if (newlength == length_ && extra == 0) {
            // No need to do anything.
            return;
        }
        if (storage.isNull() && (newlength>0 || extra>0))
        {
            offset_ = 0;
            length_ = newlength;
            Storage<T>* s = new Storage<T>(newlength + extra);          
            storage = s;
        }
        else
        {
            if (storage.isNotNull() && (newlength > capacity()))
                storage->resize (offset_ + newlength + extra);
            length_ = newlength;
        }
    }
template<class T>
void PLearn::TVec< T >::save ( const string &  filename) const [inline]

Definition at line 311 of file TVec_decl.h.

{ savePVec(filename, *this); }
template<class T>
int PLearn::TVec< T >::size ( ) const [inline]

Definition at line 181 of file TVec_decl.h.

Referenced by PLearn::AdaptGradientOptimizer::adaptLearningRateBasic(), PLearn::add(), PLearn::RBMLayer::addBiasDecay(), PLearn::VMatKernel::addDataForKernelMatrix(), PLearn::MemoryCachedKernel::addDataForKernelMatrix(), PLearn::addprepostfix(), PLearn::SurfaceMesh::addVertex(), PLearn::AnalyzeDond2DiscreteVariables::analyzeDiscreteVariable(), PLearn::AnalyzeFieldStats::analyzeVariableStats(), PLearn::NaryVariable::ancestors(), PLearn::BallTreeNearestNeighbors::anchorTrain(), PLearn::VecStatsCollector::append(), PLearn::RGBImageDB::append(), PLearn::DiskVMatrix::appendRow(), PLearn::RBMLayer::applyBiasDecay(), PLearn::avgdev(), PLearn::UndirectedSoftmaxModule::bbpropUpdate(), PLearn::TanhModule::bbpropUpdate(), PLearn::Supersampling2DModule::bbpropUpdate(), PLearn::Subsampling2DModule::bbpropUpdate(), PLearn::SquaredErrorCostModule::bbpropUpdate(), PLearn::SquaredErrModule::bbpropUpdate(), PLearn::ProcessInputCostModule::bbpropUpdate(), PLearn::NLLErrModule::bbpropUpdate(), PLearn::NLLCostModule::bbpropUpdate(), PLearn::ModuleStackModule::bbpropUpdate(), PLearn::LinearFilterModule::bbpropUpdate(), PLearn::GradNNetLayerModule::bbpropUpdate(), PLearn::CostModule::bbpropUpdate(), PLearn::Convolution2DModule::bbpropUpdate(), PLearn::CombiningCostsModule::bbpropUpdate(), PLearn::BackConvolution2DModule::bbpropUpdate(), PLearn::RegressionTreeRegisters::bestSplitInRow(), PLearn::PotentialsVariable::bprop(), PLearn::NegLogPoissonVariable::bprop(), PLearn::GaussianProcessNLLVariable::bprop(), PLearn::ConcatRowsVariable::bprop(), PLearn::ConcatColumnsVariable::bprop(), PLearn::bprop_tanh(), PLearn::TreeDBNModule::bpropAccUpdate(), PLearn::RBMWoodsLayer::bpropNLL(), PLearn::RBMRateLayer::bpropNLL(), PLearn::RBMMultinomialLayer::bpropNLL(), PLearn::RBMMixedLayer::bpropNLL(), PLearn::RBMLocalMultinomialLayer::bpropNLL(), PLearn::RBMLateralBinomialLayer::bpropNLL(), PLearn::RBMGaussianLayer::bpropNLL(), PLearn::RBMBinomialLayer::bpropNLL(), PLearn::UndirectedSoftmaxModule::bpropUpdate(), PLearn::TanhModule::bpropUpdate(), PLearn::Supersampling2DModule::bpropUpdate(), PLearn::Subsampling2DModule::bpropUpdate(), PLearn::SquaredErrorCostModule::bpropUpdate(), PLearn::SquaredErrModule::bpropUpdate(), PLearn::SoftmaxNLLCostModule::bpropUpdate(), PLearn::SoftmaxModule::bpropUpdate(), PLearn::ScaleGradientModule::bpropUpdate(), PLearn::RBMWoodsLayer::bpropUpdate(), PLearn::RBMTruncExpLayer::bpropUpdate(), PLearn::RBMRateLayer::bpropUpdate(), PLearn::RBMQLParameters::bpropUpdate(), PLearn::RBMMultitaskClassificationModule::bpropUpdate(), PLearn::RBMMultinomialLayer::bpropUpdate(), PLearn::RBMMixedLayer::bpropUpdate(), PLearn::RBMMixedConnection::bpropUpdate(), PLearn::RBMMatrixTransposeConnection::bpropUpdate(), PLearn::RBMMatrixConnection::bpropUpdate(), PLearn::RBMLQParameters::bpropUpdate(), PLearn::RBMLocalMultinomialLayer::bpropUpdate(), PLearn::RBMLLParameters::bpropUpdate(), PLearn::RBMLateralBinomialLayer::bpropUpdate(), PLearn::RBMJointLLParameters::bpropUpdate(), PLearn::RBMGaussianLayer::bpropUpdate(), PLearn::RBMDiagonalMatrixConnection::bpropUpdate(), PLearn::RBMConv2DLLParameters::bpropUpdate(), PLearn::RBMConv2DConnection::bpropUpdate(), PLearn::RBMClassificationModule::bpropUpdate(), PLearn::RBMBinomialLayer::bpropUpdate(), PLearn::ProcessInputCostModule::bpropUpdate(), PLearn::NnlmWordRepresentationLayer::bpropUpdate(), PLearn::NnlmOutputLayer::bpropUpdate(), PLearn::NLLErrModule::bpropUpdate(), PLearn::NLLCostModule::bpropUpdate(), PLearn::ModuleStackModule::bpropUpdate(), PLearn::LinearFilterModule::bpropUpdate(), PLearn::GradNNetLayerModule::bpropUpdate(), PLearn::CrossEntropyCostModule::bpropUpdate(), PLearn::CostModule::bpropUpdate(), PLearn::Convolution2DModule::bpropUpdate(), PLearn::CombiningCostsModule::bpropUpdate(), PLearn::BackConvolution2DModule::bpropUpdate(), PLearn::DenoisingRecurrentNet::bpropUpdateConnection(), PLearn::DenoisingRecurrentNet::bpropUpdateHiddenLayer(), PLearn::VecDictionary::build_(), PLearn::VarArrayElementVariable::build_(), PLearn::TreeDBNModule::build_(), PLearn::TextSenseSequenceVMatrix::build_(), PLearn::TangentLearner::build_(), PLearn::SumOverBagsVariable::build_(), PLearn::StackedLearner::build_(), PLearn::ShuntingNNetLayerModule::build_(), PLearn::ShiftAndRescaleVMatrix::build_(), PLearn::SemiSupervisedProbClassCostVariable::build_(), PLearn::SelectColumnsVMatrix::build_(), PLearn::RBMMixedLayer::build_(), PLearn::PythonProcessedVMatrix::build_(), PLearn::ProcessingVMatrix::build_(), PLearn::PotentialsVariable::build_(), PLearn::ObjectOptionVariable::build_(), PLearn::NeuralProbabilisticLanguageModel::build_(), PLearn::NeuralNet::build_(), PLearn::NetworkModule::build_(), PLearn::NeighborhoodSmoothnessNNet::build_(), PLearn::NeighborhoodImputationVMatrix::build_(), PLearn::NegLogPoissonVariable::build_(), PLearn::MultiInstanceNNet::build_(), PLearn::MultiClassAdaBoost::build_(), PLearn::MovingAverageVMatrix::build_(), PLearn::MovingAverage::build_(), PLearn::MixtureVMatrix::build_(), PLearn::MissingInstructionVMatrix::build_(), PLearn::MeanMedianModeImputationVMatrix::build_(), PLearn::MatrixElementsVariable::build_(), PLearn::LocalizedFeaturesLayerVariable::build_(), PLearn::LinearInductiveTransferClassifier::build_(), PLearn::LinearFilterModule::build_(), PLearn::JoinVMatrix::build_(), PLearn::InterleaveVMatrix::build_(), PLearn::IfThenElseVariable::build_(), PLearn::HeterogenuousAffineTransformWeightPenalty::build_(), PLearn::HeterogenuousAffineTransformVariable::build_(), PLearn::GradNNetLayerModule::build_(), PLearn::GaussianizeVMatrix::build_(), PLearn::GaussianContinuumDistribution::build_(), PLearn::GaussianContinuum::build_(), PLearn::FNetLayerVariable::build_(), PLearn::FinancePreprocVMatrix::build_(), PLearn::FeatureSetSequentialCRF::build_(), PLearn::FeatureSetNNet::build_(), PLearn::DynamicallyLinkedRBMsModel::build_(), PLearn::DichotomizeVMatrix::build_(), PLearn::DiagonalizedFactorsProductVariable::build_(), PLearn::DenoisingRecurrentNet::build_(), PLearn::DeepReconstructorNet::build_(), PLearn::DeepFeatureExtractorNNet::build_(), PLearn::DatedJoinVMatrix::build_(), PLearn::CumVMatrix::build_(), PLearn::ConditionalStatsCollector::build_(), PLearn::ConditionalDictionary::build_(), PLearn::ConditionalDensityNet::build_(), PLearn::ConcatRowsVMatrix::build_(), PLearn::ConcatRowsVariable::build_(), PLearn::ConcatColumnsVMatrix::build_(), PLearn::ConcatColumnsVariable::build_(), PLearn::ClassifierFromDensity::build_(), PLearn::ChemicalICP::build_(), PLearn::CartesianProductOracle::build_(), PLearn::Calendar::build_(), PLearn::BootstrapVMatrix::build_(), PLearn::BestAveragingPLearner::build_(), PLearn::BallTreeNearestNeighbors::build_(), PLearn::AdaptGradientOptimizer::build_(), PLearn::AdaBoost::build_(), PLearn::SubsamplingDBN::build_classification_cost(), PLearn::DeepBeliefNet::build_classification_cost(), PLearn::SubsamplingDBN::build_layers_and_connections(), PLearn::StackedFocusedAutoassociatorsNet::build_layers_and_connections(), PLearn::StackedAutoassociatorsNet::build_layers_and_connections(), PLearn::DiscriminativeDeepBeliefNet::build_layers_and_connections(), PLearn::DeepNonLocalManifoldParzen::build_layers_and_connections(), PLearn::DeepBeliefNet::build_layers_and_connections(), PLearn::TopDownAsymetricDeepNetwork::build_output_layer_and_cost(), PLearn::StackedFocusedAutoassociatorsNet::build_output_layer_and_cost(), PLearn::DiscriminativeDeepBeliefNet::build_output_layer_and_cost(), PLearn::NNet::buildCosts(), PLearn::DistRepNNet::buildCosts(), PLearn::DeepFeatureExtractorNNet::buildCosts(), PLearn::SurfaceMesh::buildEdges(), PLearn::TextFilesVMatrix::buildIdx(), PLearn::StackedModulesModule::buildLayers(), PLearn::MissingIndicatorVMatrix::buildNewRecordFormat(), PLearn::NNet::buildOutputFromInput(), PLearn::DistRepNNet::buildOutputFromInput(), PLearn::NaryVariable::buildPath(), PLearn::DistRepNNet::buildVarGraph(), PLearn::TextFilesVMatrix::buildVMatrixStringMapping(), PLearn::Array< char * >::byteLength(), PLearn::Calendar::calendarDiff(), PLearn::MixtureRandomVariable::canStopEM(), PLearn::RandomVariable::canStopEM(), PLearn::SmoothedProbSparseMatrix::checkCondProbIntegrity(), PLearn::choleskySolve(), PLearn::MixtureRandomVariable::clearEMmarks(), PLearn::RandomVariable::clearEMmarks(), PLearn::compute_fastsigmoid(), PLearn::compute_fasttanh(), PLearn::compute_inverse_sigmoid(), PLearn::GraphicalBiText::compute_likelihood(), PLearn::compute_log(), PLearn::NnlmOutputLayer::compute_nl_p_rt(), PLearn::compute_safelog(), PLearn::compute_sigmoid(), PLearn::compute_sqrt(), PLearn::compute_tanh(), PLearn::PLS::computeConfidenceFromOutput(), PLearn::PLearner::computeConfidenceFromOutput(), PLearn::LinearRegressor::computeConfidenceFromOutput(), PLearn::GaussianProcessRegressor::computeConfidenceFromOutput(), PLearn::NeuralNet::computeCost(), PLearn::SupervisedDBN::computeCostsFromOutputs(), PLearn::SubsamplingDBN::computeCostsFromOutputs(), PLearn::StackedAutoassociatorsNet::computeCostsFromOutputs(), PLearn::MovingAverage::computeCostsFromOutputs(), PLearn::KNNRegressor::computeCostsFromOutputs(), PLearn::DeepBeliefNet::computeCostsFromOutputs(), PLearn::BaggingLearner::computeCostsFromOutputs(), PLearn::AdaBoost::computeCostsFromOutputs(), PLearn::MultiClassAdaBoost::computeCostsFromOutputs_(), PLearn::RationalQuadraticARDKernel::computeGramMatrix(), PLearn::Matern1ARDKernel::computeGramMatrix(), PLearn::KroneckerBaseKernel::computeGramMatrix(), PLearn::IIDNoiseKernel::computeGramMatrix(), PLearn::RationalQuadraticARDKernel::computeGramMatrixDerivative(), PLearn::PLearner::computeInputOutputConfMat(), PLearn::StackedSVDNet::computeOutput(), PLearn::StackedLearner::computeOutput(), PLearn::PCA::computeOutput(), PLearn::MultiClassAdaBoost::computeOutput(), PLearn::KNNRegressor::computeOutput(), PLearn::KNNClassifier::computeOutput(), PLearn::KernelRidgeRegressor::computeOutput(), PLearn::HistogramDistribution::computeOutput(), PLearn::BestAveragingPLearner::computeOutput(), PLearn::BaggingLearner::computeOutput(), PLearn::AdaBoost::computeOutput_(), PLearn::RegressionTree::computeOutputAndCosts(), PLearn::MultiClassAdaBoost::computeOutputAndCosts(), PLearn::ExhaustiveNearestNeighbors::computeOutputAndCosts(), PLearn::AdaBoost::computeOutputAndCosts(), PLearn::GaussianProcessRegressor::computeOutputAux(), PLearn::PLearner::computeOutputConfMat(), PLearn::Kernel::computePartialGramMatrix(), PLearn::StatsItArray::computeStats(), PLearn::LocalizedFeaturesLayerVariable::computeSubsets(), PLearn::ComputeDond2Target::computeTarget(), PLearn::Kernel::computeTestGramMatrix(), PLearn::ChemicalICP::computeUsedFeatures(), PLearn::ConcatColumnsVMatrix::ConcatColumnsVMatrix(), PLearn::ConcatRowsVMatrix::ConcatRowsVMatrix(), PLearn::GenericNearestNeighbors::constructOutputVector(), PLearn::ConvertFromPyObject< TMat< T > >::convert(), PLearn::VarArray::copyFrom(), PLearn::VarArray::copyGradientFrom(), PLearn::VarArray::copyValuesFrom(), PLearn::Learner::costNames(), PLearn::Learner::costsize(), PLearn::covariance(), PLearn::BallTreeNearestNeighbors::createAnchors(), PLearn::VVMatrix::createPreproVMat(), PLearn::SequentialValidation::createStatVMats(), PLearn::cross(), PLearn::cross_valid(), PLearn::SupervisedDBN::density(), PLearn::PartSupervisedDBN::density(), PLearn::HistogramDistribution::density(), PLearn::HintonDeepBeliefNet::density(), PLearn::GaussPartSupervisedDBN::density(), PLearn::GaussianDBNRegression::density(), PLearn::GaussianDBNClassification::density(), PLearn::DichotomizeDond2DiscreteVariables::dichotomizeDiscreteVariables(), PLearn::Function::differentiate(), PLearn::displayVarGraph(), PLearn::StackedAutoassociatorsNet::divide_input(), PLearn::dot(), PLearn::ConcatColumnsVMatrix::dot(), PLearn::StackedAutoassociatorsNet::double_input(), PLearn::EM(), PLearn::JointRandomVariable::EMBprop(), PLearn::MixtureRandomVariable::EMEpochInitialize(), PLearn::RandomVariable::EMEpochInitialize(), PLearn::MixtureRandomVariable::EMTrainingInitialize(), PLearn::RandomVariable::EMTrainingInitialize(), PLearn::MixtureRandomVariable::EMUpdate(), PLearn::RandomVariable::EMUpdate(), PLearn::DenoisingRecurrentNet::encode_artificialData(), PLearn::DenoisingRecurrentNet::encodeAndCreateSupervisedSequence2(), PLearn::RBMMixedLayer::energy(), PLearn::WeightedQuadraticPolynomialKernel::evaluate(), PLearn::VMatKernel::evaluate(), PLearn::SquaredExponentialARDKernel::evaluate(), PLearn::RationalQuadraticARDKernel::evaluate(), PLearn::PLearnerDiagonalKernel::evaluate(), PLearn::NeuralNetworkARDKernel::evaluate(), PLearn::Matern1ARDKernel::evaluate(), PLearn::LinearARDKernel::evaluate(), PLearn::KroneckerBaseKernel::evaluate(), PLearn::SummationKernel::evaluate_all_i_x(), PLearn::RationalQuadraticARDKernel::evaluate_all_i_x(), PLearn::IIDNoiseKernel::evaluate_all_i_x(), PLearn::evaluate_functions(), PLearn::VMatKernel::evaluate_i_x(), PLearn::VMatKernel::evaluate_x_i(), PLearn::MemoryCachedKernel::evaluateAllIXNV(), PLearn::HistogramDistribution::expectation(), PLearn::StackedAutoassociatorsNet::fantasizeKTime(), PLearn::DeepBeliefNet::fantasizeKTime(), PLearn::VecStatsCollector::finalize(), PLearn::AdaBoost::finalize(), PLearn::BasisSelectionRegressor::findBestCandidateFunction(), PLearn::GaussianDBNRegression::fineTuneByGradientDescent(), PLearn::GaussianDBNRegression::fineTuneByGradientDescentLastLayer(), PLearn::StackedSVDNet::fineTuningStep(), PLearn::DiskVMatrix::flush(), PLearn::UndirectedSoftmaxModule::forget(), PLearn::SequentialModelSelector::forget(), PLearn::LinearFilterModule::forget(), PLearn::HyperOptimize::forget(), PLearn::HyperLearner::forget(), PLearn::GradNNetLayerModule::forget(), PLearn::BestAveragingPLearner::forget(), PLearn::VarArrayElementVariable::fprop(), PLearn::UndirectedSoftmaxModule::fprop(), PLearn::TreeDBNModule::fprop(), PLearn::TanhModule::fprop(), PLearn::Supersampling2DModule::fprop(), PLearn::Subsampling2DModule::fprop(), PLearn::StackedModulesModule::fprop(), PLearn::SquaredErrorCostModule::fprop(), PLearn::SquaredErrModule::fprop(), PLearn::SoftmaxNLLCostModule::fprop(), PLearn::SoftmaxModule::fprop(), PLearn::ShuntingNNetLayerModule::fprop(), PLearn::ScaleGradientModule::fprop(), PLearn::RBMWoodsLayer::fprop(), PLearn::RBMTruncExpLayer::fprop(), PLearn::RBMRateLayer::fprop(), PLearn::RBMMultitaskClassificationModule::fprop(), PLearn::RBMMultinomialLayer::fprop(), PLearn::RBMMixedLayer::fprop(), PLearn::RBMLocalMultinomialLayer::fprop(), PLearn::RBMLayer::fprop(), PLearn::RBMLateralBinomialLayer::fprop(), PLearn::RBMGaussianLayer::fprop(), PLearn::RBMClassificationModule::fprop(), PLearn::RBMBinomialLayer::fprop(), PLearn::ProcessInputCostModule::fprop(), PLearn::PotentialsVariable::fprop(), PLearn::NnlmWordRepresentationLayer::fprop(), PLearn::NLLCostModule::fprop(), PLearn::NegLogPoissonVariable::fprop(), PLearn::ModuleStackModule::fprop(), PLearn::LinearFilterModule::fprop(), PLearn::LayerCostModule::fprop(), PLearn::GradNNetLayerModule::fprop(), PLearn::CrossEntropyCostModule::fprop(), PLearn::CostModule::fprop(), PLearn::Convolution2DModule::fprop(), PLearn::ConcatRowsVariable::fprop(), PLearn::ConcatColumnsVariable::fprop(), PLearn::CombiningCostsModule::fprop(), PLearn::ClassErrorCostModule::fprop(), PLearn::BackConvolution2DModule::fprop(), PLearn::NeuralProbabilisticLanguageModel::fpropBeforeOutputWeights(), PLearn::NeuralProbabilisticLanguageModel::fpropCostsFromOutput(), PLearn::FeatureSetSequentialCRF::fpropCostsFromOutput(), PLearn::FeatureSetNNet::fpropCostsFromOutput(), PLearn::DenoisingRecurrentNet::fpropHiddenReconstructionFromLastHidden(), PLearn::DenoisingRecurrentNet::fpropHiddenReconstructionFromLastHidden2(), PLearn::DenoisingRecurrentNet::fpropHiddenSymmetricDynamicMatrix(), PLearn::RBMWoodsLayer::fpropNLL(), PLearn::RBMRateLayer::fpropNLL(), PLearn::RBMMultinomialLayer::fpropNLL(), PLearn::RBMMixedLayer::fpropNLL(), PLearn::RBMLocalMultinomialLayer::fpropNLL(), PLearn::RBMLateralBinomialLayer::fpropNLL(), PLearn::RBMGaussianLayer::fpropNLL(), PLearn::RBMBinomialLayer::fpropNLL(), PLearn::FeatureSetSequentialCRF::fpropOutput(), PLearn::FeatureSetNNet::fpropOutput(), PLearn::RBMWoodsLayer::freeEnergyContribution(), PLearn::RBMRateLayer::freeEnergyContribution(), PLearn::RBMMixedLayer::freeEnergyContribution(), PLearn::RBMLocalMultinomialLayer::freeEnergyContribution(), PLearn::RBMGaussianLayer::freeEnergyContribution(), PLearn::RBMBinomialLayer::freeEnergyContribution(), PLearn::RBMWoodsLayer::freeEnergyContributionGradient(), PLearn::RBMRateLayer::freeEnergyContributionGradient(), PLearn::RBMMultinomialLayer::freeEnergyContributionGradient(), PLearn::RBMMixedLayer::freeEnergyContributionGradient(), PLearn::RBMBinomialLayer::freeEnergyContributionGradient(), PLearn::Learner::freeTestResultsStreams(), PLearn::TreeDBNModule::full_fprop(), PLearn::ConcatRowsVMatrix::fullyCheckMappings(), PLearn::DynamicallyLinkedRBMsModel::generate(), PLearn::DenoisingRecurrentNet::generate(), PLearn::DenoisingRecurrentNet::generateArtificial(), PLearn::TextFilesVMatrix::generateMapCounts(), PLearn::StepwiseSelectionOracle::generateNewSearchset(), PLearn::OracleObjectGenerator::generateNextObject(), PLearn::StepwiseSelectionOracle::generateNextTrial(), PLearn::geometric_mean(), PLearn::InterleaveVMatrix::get(), PLearn::Plide::getAllClassnames(), PLearn::RegressionTreeRegisters::getAllRegisteredRow(), PLearn::RegressionTreeRegisters::getAllRegisteredRowLeave(), PLearn::VecStatsCollector::getAllStats(), PLearn::RBMMixedLayer::getConfiguration(), PLearn::SDBVMFieldMultiDiscrete::getDiscreteValue(), PLearn::VMatrix::getFieldInfos(), PLearn::RGBImageDB::getImage(), PLearn::TextFilesVMatrix::getIndexOfTextField(), PLearn::SelectColumnsVMatrix::getIndicesFromFields(), PLearn::VecStatsCollector::getMean(), PLearn::getNearestVertex(), PLearn::ThresholdVMatrix::getNewRow(), PLearn::TextSenseSequenceVMatrix::getNewRow(), PLearn::TextFilesVMatrix::getNewRow(), PLearn::PythonProcessedVMatrix::getNewRow(), PLearn::JoinVMatrix::getNewRow(), PLearn::GaussianizeVMatrix::getNewRow(), PLearn::FinancePreprocVMatrix::getNewRow(), PLearn::DichotomizeVMatrix::getNewRow(), PLearn::DatedJoinVMatrix::getNewRow(), PLearn::ConcatColumnsVMatrix::getNewRow(), PLearn::BinaryOpVMatrix::getNewRow(), PLearn::PythonProcessedVMatrix::getParam(), PLearn::PythonProcessedLearner::getParam(), PLearn::PythonProcessedVMatrix::getParams(), PLearn::PythonProcessedLearner::getParams(), PLearn::TextSenseSequenceVMatrix::getRestrictedRow(), PLearn::PythonProcessedVMatrix::getSourceRow(), PLearn::TrainTestSplitter::getSplit(), PLearn::VecStatsCollector::getStdDev(), PLearn::VecStatsCollector::getStdError(), PLearn::InterleaveVMatrix::getSubRow(), PLearn::NLLErrModule::getTarget(), PLearn::TopDownAsymetricDeepNetwork::getTestCostNames(), PLearn::StackedSVDNet::getTestCostNames(), PLearn::StackedFocusedAutoassociatorsNet::getTestCostNames(), PLearn::StackedAutoassociatorsNet::getTestCostNames(), PLearn::DeepNonLocalManifoldParzen::getTestCostNames(), PLearn::Learner::getTestResultsStream(), PLearn::TextFilesVMatrix::getTextFields(), PLearn::StackedAutoassociatorsNet::getTrainCostNames(), PLearn::HyperLearner::getTrainCostNames(), PLearn::ConditionalDensityNet::getTrainCostNames(), PLearn::BestAveragingPLearner::getTrainCostNames(), PLearn::VecStatsCollector::getVariance(), PLearn::StackedFocusedAutoassociatorsNet::greedyStep(), PLearn::StackedAutoassociatorsNet::greedyStep(), PLearn::harmonic_mean(), PLearn::Plide::helpClasses(), PLearn::Plide::helpCommands(), PLearn::Plide::helpIndex(), PLearn::Plide::helpOnClass(), PLearn::HTMLHelpCommand::helpOnClass(), PLearn::Plide::helpOnCommand(), PLearn::indexableObjectSize(), PLearn::GraphicalBiText::init(), PLearn::NNet::initializeParams(), PLearn::NeuralProbabilisticLanguageModel::initializeParams(), PLearn::FeatureSetSequentialCRF::initializeParams(), PLearn::FeatureSetNNet::initializeParams(), PLearn::DistRepNNet::initializeParams(), PLearn::AddLayersNNet::initializeParams(), PLearn::TreeDBNModule::initSampling(), PLearn::DenoisingRecurrentNet::inject_zero_forcing_noise(), PLearn::interactiveDisplayCDF(), PLearn::InterleaveVMatrix::InterleaveVMatrix(), PLearn::inverted(), PLearn::invertElements(), PLearn::ProductRandomVariable::invertible(), PLearn::ElementWiseDivisionRandomVariable::invertible(), PLearn::MinusRandomVariable::invertible(), PLearn::PlusRandomVariable::invertible(), PLearn::RandomElementOfRandomVariable::invertible(), PLearn::JointRandomVariable::invertible(), PLearn::PythonCodeSnippet::invoke(), PLearn::FunctionalRandomVariable::isDiscrete(), PLearn::FunctionalRandomVariable::isNonRandom(), PLearn::ProbSparseMatrix::iterativeProportionalFittingStep(), PLearn::join(), PLearn::JointRandomVariable::JointRandomVariable(), PLearn::loadAscii(), PLearn::loadAsciiAsVMat(), PLearn::TextFilesVMatrix::loadMappings(), PLearn::VMatrix::loadStats(), PLearn::loadUCISet(), PLearn::log_sigmoid(), PLearn::Plide::loggingControl(), PLearn::RVArrayRandomElementRandomVariable::logP(), PLearn::FunctionalRandomVariable::logP(), PLearn::logP(), PLearn::GaussianProcessNLLVariable::logVarray(), PLearn::Calendar::makeCalendar(), PLearn::RBMQLParameters::makeParametersPointHere(), PLearn::RBMMatrixConnection::makeParametersPointHere(), PLearn::RBMLQParameters::makeParametersPointHere(), PLearn::RBMLLParameters::makeParametersPointHere(), PLearn::RBMGenericParameters::makeParametersPointHere(), PLearn::RBMDiagonalMatrixConnection::makeParametersPointHere(), PLearn::RBMConv2DLLParameters::makeParametersPointHere(), PLearn::RBMConv2DConnection::makeParametersPointHere(), PLearn::NaryVariable::markPath(), PLearn::RandomVariable::markRHSandSetKnownValues(), PLearn::maxabs(), PLearn::mean(), PLearn::Learner::measure(), PLearn::VecStatsCollector::merge(), PLearn::min(), PLearn::negateElements(), PLearn::ConvertToPyObject< Vec >::newPyObject(), PLearn::RBMTrainer::NLL(), PLearn::SmoothedProbSparseMatrix::normalizeCondBackoff(), PLearn::RBMQLParameters::nParameters(), PLearn::RBMLQParameters::nParameters(), PLearn::RBMLLParameters::nParameters(), PLearn::RBMDiagonalMatrixConnection::nParameters(), PLearn::RBMConv2DLLParameters::nParameters(), PLearn::DBSplitter::nsplits(), PLearn::SequentialLearner::nTestCosts(), PLearn::PLearner::nTestCosts(), PLearn::PLearner::nTrainCosts(), PLearn::OldDisplayVarGraph(), PLearn::Learner::openTestResultsStreams(), PLearn::operator&(), PLearn::Function::operator()(), PLearn::operator*=(), PLearn::operator+=(), PLearn::operator-(), PLearn::operator-=(), PLearn::operator/(), PLearn::operator/=(), PLearn::operator<<(), PLearn::TmpFilenames::operator=(), PLearn::Array< char * >::operator=(), PLearn::operator>(), PLearn::operator>=(), PLearn::operator>>(), PLearn::RandomVar::operator|(), PLearn::HyperSetOption::optimize(), PLearn::HyperOptimize::optimize(), PLearn::GradientOptimizer::optimizeN(), PLearn::AutoScaledGradientOptimizer::optimizeN(), PLearn::AdaptGradientOptimizer::optimizeN(), PLearn::VPLCombinedLearner::outputsize(), PLearn::UniformizeLearner::outputsize(), PLearn::SubsamplingDBN::outputsize(), PLearn::StackedSVDNet::outputsize(), PLearn::StackedAutoassociatorsNet::outputsize(), PLearn::PythonProcessedLearner::outputsize(), PLearn::DiscriminativeDeepBeliefNet::outputsize(), PLearn::DeepBeliefNet::outputsize(), PLearn::BestAveragingPLearner::outputsize(), PLearn::VarArray::parents(), PLearn::NaryVariable::parents(), PLearn::PentadiagonalSolveInPlace(), PLearn::PTester::perform(), PLearn::PTester::perform1Split(), PLearn::TextSenseSequenceVMatrix::permute(), PLearn::CompactVMatrix::perturb(), PLearn::RBMMatrixConnection::petiteCulotteOlivierUpdate(), PLearn::Grapher::plot_1D_regression(), PLearn::Grapher::plot_2D_classification(), PLearn::Gnuplot::plotcdf(), PLearn::Gnuplot::plotdensity(), PLearn::pownorm(), PLearn::Plide::precisOnClass(), PLearn::prettyprint_test_results(), PLearn::GraphicalBiText::print(), PLearn::product(), PLearn::propagationPath(), PLearn::propagationPathToParentsOfPath(), PLearn::NaryVariable::random_sources(), PLearn::MoleculeTemplate::readFromAMATFile(), PLearn::RBMTrainer::recError(), PLearn::WeightedLogGaussian::recomputeSize(), PLearn::VarArrayElementVariable::recomputeSize(), PLearn::TransposedDoubleProductVariable::recomputeSize(), PLearn::SoftSlopeVariable::recomputeSize(), PLearn::SoftSlopeIntegralVariable::recomputeSize(), PLearn::IfThenElseVariable::recomputeSize(), PLearn::HeterogenuousAffineTransformVariable::recomputeSize(), PLearn::HardSlopeVariable::recomputeSize(), PLearn::DoubleProductVariable::recomputeSize(), PLearn::DiagonalizedFactorsProductVariable::recomputeSize(), PLearn::ConfRatedAdaboostCostVariable::recomputeSize(), PLearn::VecStatsCollector::remove_observation(), PLearn::ConcatRowsVMatrix::reset_dimensions(), PLearn::IncrementalNNet::residual_correlation_output_gradient(), PLearn::DenoisingRecurrentNet::resize_lists(), PLearn::StackedLearner::resizeBaseLearnersOutputs(), PLearn::NaryVariable::resizeRValue(), PLearn::ConcatRowsVariable::rfprop(), PLearn::rotationMatrixFromAngles(), PLearn::VMatLanguage::run(), PLearn::SequentialValidation::run(), PLearn::Plide::run(), PLearn::FieldConvertCommand::run(), PLearn::Experiment::run(), PLearn::RVArrayRandomElementRandomVariable::RVArrayRandomElementRandomVariable(), PLearn::TreeDBNModule::sample(), PLearn::save_vmat_as_arff(), PLearn::save_vmat_as_csv(), PLearn::saveAscii(), PLearn::VMatrix::saveCMAT(), PLearn::VMatrix::saveFieldInfos(), PLearn::VMatrix::saveStats(), PLearn::GraphicalBiText::sensetag_valid_bitext(), PLearn::GraphicalBiText::senseTagBitext(), PLearn::RBMLayer::setAllBias(), PLearn::RBMJointLLParameters::setAsCondInput(), PLearn::RBMJointGenericParameters::setAsCondInput(), PLearn::RBMParameters::setAsDownInput(), PLearn::RBMConnection::setAsDownInput(), PLearn::RBMParameters::setAsUpInput(), PLearn::RBMConnection::setAsUpInput(), PLearn::StackedLearner::setBaseLearnersTrainingSet(), PLearn::TextFilesVMatrix::setColumnNamesAndWidth(), PLearn::StackedLearner::setExperimentDirectory(), PLearn::BestAveragingPLearner::setExperimentDirectory(), PLearn::VecStatsCollector::setFieldNames(), PLearn::SDBVMFieldMultiDiscrete::setFields(), PLearn::ConditionalGaussianDistribution::setInput(), PLearn::MixtureRandomVariable::setKnownValues(), PLearn::StochasticRandomVariable::setKnownValues(), PLearn::RandomVariable::setKnownValues(), PLearn::VMatLanguage::setMemory(), PLearn::TextFilesVMatrix::setMetaDataDir(), PLearn::GaussianizeVMatrix::setMetaDataDir(), PLearn::Plide::setOptionLevel(), PLearn::PythonProcessedVMatrix::setParam(), PLearn::PythonProcessedLearner::setParam(), PLearn::SupervisedDBN::setPredictorPredictedSizes(), PLearn::PartSupervisedDBN::setPredictorPredictedSizes(), PLearn::HintonDeepBeliefNet::setPredictorPredictedSizes(), PLearn::GaussPartSupervisedDBN::setPredictorPredictedSizes(), PLearn::GaussianDBNRegression::setPredictorPredictedSizes(), PLearn::GaussianDBNClassification::setPredictorPredictedSizes(), PLearn::UniformizeLearner::setTrainingSet(), PLearn::BestAveragingPLearner::setTrainingSet(), PLearn::BestAveragingPLearner::setTrainStatsCollector(), PLearn::RVArrayRandomElementRandomVariable::setValueFromParentsValue(), PLearn::JointRandomVariable::setValueFromParentsValue(), PLearn::JulianizeVMatrix::setVMFields(), PLearn::FinancePreprocVMatrix::setVMFields(), PLearn::ScaledConditionalCDFSmoother::smooth(), PLearn::sortedVectorsIntersect(), PLearn::SortRowsVMatrix::sortRows(), PLearn::NaryVariable::sources(), PLearn::DenoisingRecurrentNet::splitRawMaskedSupervisedSequence(), PLearn::square(), PLearn::sum(), PLearn::sum_of_log(), PLearn::HistogramDistribution::survival_fn(), PLearn::swap(), PLearn::ConcatRowsVariable::symbolicBprop(), PLearn::ConcatColumnsVariable::symbolicBprop(), PLearn::SequentialModelSelector::test(), PLearn::NnlmOnlineLearner::test(), PLearn::DynamicallyLinkedRBMsModel::test(), PLearn::DenoisingRecurrentNet::test(), PLearn::AdaBoost::test(), PLearn::GraphicalBiText::test_WSD(), PLearn::Learner::testResultsNames(), PLearn::Plide::toggleOptionFlag(), PLearn::UniformizeLearner::train(), PLearn::StackedSVDNet::train(), PLearn::SequentialModelSelector::train(), PLearn::BestAveragingPLearner::train(), PLearn::BaggingLearner::train(), PLearn::AddCostToLearner::train(), PLearn::AdaBoost::train(), PLearn::DeepReconstructorNet::trainHiddenLayer(), PLearn::GaussianProcessRegressor::trainProjectedProcess(), PLearn::PythonObjectWrapper::trampoline(), PLearn::BallTreeNearestNeighbors::treeFromLeaves(), PLearn::MixtureRandomVariable::unmarkAncestors(), PLearn::RandomVariable::unmarkAncestors(), PLearn::NaryVariable::unmarkAncestors(), PLearn::VecStatsCollector::update(), PLearn::RBMMixedLayer::update(), PLearn::ObservationWindow::update(), PLearn::IncrementalNNet::update_incremental_connections(), PLearn::GraphicalBiText::update_WSD_model(), PLearn::StackedFocusedAutoassociatorsNet::updateTrainSetRepresentations(), PLearn::variance(), PLearn::HistogramDistribution::variance(), PLearn::vconcat(), PLearn::Plide::versionString(), PLearn::vmatmain(), PLearn::weighted_mean(), PLearn::weighted_powdistance(), PLearn::weighted_variance(), PLearn::PRandom::weightedShuffleElements(), PLearn::RGBImageDB::~RGBImageDB(), and PLearn::TextFilesVMatrix::~TextFilesVMatrix().

{ return length_; }
template<class T >
TVec< int > PLearn::TVec< T >::sortingPermutation ( bool  stable = false,
bool  missing = false 
) const

Returns an index vector I so that (*this)(I) returns a sorted version of this vec in ascending order.

If stable is true, will return a stable sort

Definition at line 261 of file TMat_impl.h.

References PLearn::TVec< T >::begin(), PLearn::TVec< T >::end(), and i.

Referenced by PLearn::RegressionTreeRegisters::sortEachDim(), and PLearn::CubicSpline::train().

{    
    TVec<int> indices(length_);
    for (int i=0; i < length_; i++) indices[i] = i;
    if(stable && ! missing)
        stable_sort(indices.begin(), indices.end(), index_cmp<T>(*this));
    else if(! stable && !missing)
        sort(indices.begin(), indices.end(), index_cmp<T>(*this));
    else if(stable && missing)
        stable_sort(indices.begin(), indices.end(),index_missing_cmp<T>(*this));
    else if(!stable && missing)
        sort(indices.begin(), indices.end(), index_missing_cmp<T>(*this));
    return indices;
}

Here is the call graph for this function:

Here is the caller graph for this function:

template<class T>
TVec<T> PLearn::TVec< T >::subVec ( Range  r) [inline]

Definition at line 357 of file TVec_decl.h.

Referenced by PLearn::TVec< PP< RegressionTreeNode > >::subVec().

{ return subVec(r.start, r.length); }

Here is the caller graph for this function:

template<class T>
TVec<T> PLearn::TVec< T >::subVec ( int  newstart,
int  newlength 
) const [inline]

Returns a sub-TVector.

Definition at line 315 of file TVec_decl.h.

Referenced by PLearn::RBMMixedLayer::accumulateNegStats(), PLearn::RBMMixedConnection::accumulateNegStats(), PLearn::RBMMixedLayer::accumulatePosStats(), PLearn::RBMMixedConnection::accumulatePosStats(), PLearn::LearnerCommand::analyze_inputs(), PLearn::Learner::apply(), PLearn::Learner::applyAndComputeCosts(), PLearn::DenoisingRecurrentNet::applyMultipleSoftmaxToInputWindow(), PLearn::Supersampling2DModule::bbpropUpdate(), PLearn::Subsampling2DModule::bbpropUpdate(), PLearn::SquaredErrModule::bbpropUpdate(), PLearn::NLLErrModule::bbpropUpdate(), PLearn::CostModule::bbpropUpdate(), PLearn::Convolution2DModule::bbpropUpdate(), PLearn::BackConvolution2DModule::bbpropUpdate(), PLearn::bootstrap(), PLearn::NeuralProbabilisticLanguageModel::bprop(), PLearn::FeatureSetSequentialCRF::bprop(), PLearn::FeatureSetNNet::bprop(), PLearn::RBMMixedLayer::bpropNLL(), PLearn::Supersampling2DModule::bpropUpdate(), PLearn::Subsampling2DModule::bpropUpdate(), PLearn::SquaredErrModule::bpropUpdate(), PLearn::RBMMixedLayer::bpropUpdate(), PLearn::RBMMixedConnection::bpropUpdate(), PLearn::RBMLocalMultinomialLayer::bpropUpdate(), PLearn::RBMJointLLParameters::bpropUpdate(), PLearn::CostModule::bpropUpdate(), PLearn::Convolution2DModule::bpropUpdate(), PLearn::BackConvolution2DModule::bpropUpdate(), PLearn::TrainValidTestSplitter::build_(), PLearn::ToBagSplitter::build_(), PLearn::SumOverBagsVariable::build_(), PLearn::SubInputVMatrix::build_(), PLearn::ShiftAndRescaleVMatrix::build_(), PLearn::SelectRowsMultiInstanceVMatrix::build_(), PLearn::ReIndexedTargetVariable::build_(), PLearn::RBMJointLLParameters::build_(), PLearn::RBMJointGenericParameters::build_(), PLearn::RandomGaussMix::build_(), PLearn::PvGradNNet::build_(), PLearn::ProjectionErrorVariable::build_(), PLearn::PLearnerOutputVMatrix::build_(), PLearn::OneHotVMatrix::build_(), PLearn::NatGradSMPNNet::build_(), PLearn::NatGradNNet::build_(), PLearn::MultiTargetOneHotVMatrix::build_(), PLearn::MovingAverageVMatrix::build_(), PLearn::ModuleTester::build_(), PLearn::mNNet::build_(), PLearn::CumVMatrix::build_(), PLearn::BootstrapVMatrix::build_(), PLearn::MixtureVMatrix::buildPeriod(), PLearn::centerSubVec(), PLearn::choleskyAppendDimension(), PLearn::Calendar::clamp(), PLearn::DynamicallyLinkedRBMsModel::clamp_units(), PLearn::DenoisingRecurrentNet::clamp_units(), PLearn::LearnerCommand::compute_outputs_on_1D_grid(), PLearn::LearnerCommand::compute_outputs_on_2D_grid(), PLearn::DeepReconstructorNet::computeAndSaveLayerActivationStats(), PLearn::computeConditionalMeans(), PLearn::StackedLearner::computeConfidenceFromOutput(), PLearn::PLS::computeConfidenceFromOutput(), PLearn::SubsamplingDBN::computeCostsFromOutputs(), PLearn::StackedSVDNet::computeCostsFromOutputs(), PLearn::StackedLearner::computeCostsFromOutputs(), PLearn::StackedAutoassociatorsNet::computeCostsFromOutputs(), PLearn::NnlmOnlineLearner::computeCostsFromOutputs(), PLearn::KernelProjection::computeCostsFromOutputs(), PLearn::GaussianProcessRegressor::computeCostsFromOutputs(), PLearn::DeepBeliefNet::computeCostsFromOutputs(), PLearn::CompareLearner::computeCostsFromOutputs(), PLearn::BallTreeNearestNeighbors::computeCostsFromOutputs(), PLearn::AddCostToLearner::computeCostsFromOutputs(), PLearn::RBMLocalMultinomialLayer::computeExpectation(), PLearn::RBMLocalMultinomialLayer::computeExpectations(), PLearn::PLearner::computeInputOutputConfMat(), PLearn::PLearner::computeInputOutputMat(), PLearn::Learner::computeLeaveOneOutCosts(), PLearn::DeepNonLocalManifoldParzen::computeManifoldParzenParameters(), PLearn::WPLS::computeOutput(), PLearn::VPLCombinedLearner::computeOutput(), PLearn::StackedSVDNet::computeOutput(), PLearn::StackedLearner::computeOutput(), PLearn::PLS::computeOutput(), PLearn::PDistribution::computeOutput(), PLearn::PConditionalDistribution::computeOutput(), PLearn::LinearRegressor::computeOutput(), PLearn::GaussMixLocalProjections::computeOutput(), PLearn::GaussianProcessRegressor::computeOutput(), PLearn::EntropyContrastLearner::computeOutput(), PLearn::DistRepNNet::computeOutput(), PLearn::CompareLearner::computeOutput(), PLearn::ClassifierFromConditionalPDistribution::computeOutput(), PLearn::AutoLinearRegressor::computeOutput(), PLearn::VPLPreprocessedLearner::computeOutputAndCosts(), PLearn::VPLCombinedLearner::computeOutputAndCosts(), PLearn::NNet::computeOutputAndCosts(), PLearn::DistRepNNet::computeOutputAndCosts(), PLearn::AddCostToLearner::computeOutputAndCosts(), PLearn::PLearner::computeOutputConfMat(), PLearn::StructuralLearner::computeOutputWithFeatures(), PLearn::RBMMixedConnection::computeProduct(), PLearn::RBMConv2DConnection::computeProduct(), PLearn::NnlmOnlineLearner::computeTrainCostsFromOutputs(), PLearn::RBMLLParameters::computeUnitActivations(), PLearn::RBMJointGenericParameters::computeUnitActivations(), PLearn::RBMGenericParameters::computeUnitActivations(), PLearn::RBMConv2DLLParameters::computeUnitActivations(), PLearn::constrainedLinearRegression(), PLearn::RowBufferedVMatrix::dot(), PLearn::ConcatColumnsVMatrix::dot(), PLearn::DTWKernel::dtw(), PLearn::eigenSparseNonSymmMat(), PLearn::eigenSparseSymmMat(), PLearn::ExtendedRandomVariable::EMBprop(), PLearn::JointRandomVariable::EMBprop(), PLearn::RBMMixedLayer::energy(), PLearn::Kernel::estimateHistograms(), PLearn::WeightedCostFunction::evaluate(), PLearn::SelectedOutputCostFunction::evaluate(), PLearn::VMatrix::extraFieldNames(), PLearn::ConcatOfVariable::fbprop(), PLearn::CCCostVariable::fbprop(), PLearn::ProcessSymbolicSequenceVMatrix::fill_current_row(), PLearn::ToBagClassifier::fillSubTarget(), PLearn::findClosestPairsOfDifferentClass(), PLearn::SupervisedDBN::fineTuneByGradientDescent(), PLearn::SubsamplingDBN::fineTuningStep(), PLearn::StackedSVDNet::fineTuningStep(), PLearn::StackedAutoassociatorsNet::fineTuningStep(), PLearn::DeepNonLocalManifoldParzen::fineTuningStep(), PLearn::DeepBeliefNet::fineTuningStep(), PLearn::SVDVariable::fprop(), PLearn::Supersampling2DModule::fprop(), PLearn::Subsampling2DModule::fprop(), PLearn::StackedModulesModule::fprop(), PLearn::SquaredErrModule::fprop(), PLearn::ReIndexedTargetVariable::fprop(), PLearn::RBMMixedLayer::fprop(), PLearn::RBMLocalMultinomialLayer::fprop(), PLearn::NnlmWordRepresentationLayer::fprop(), PLearn::NLLErrModule::fprop(), PLearn::LogAddVariable::fprop(), PLearn::CostModule::fprop(), PLearn::Convolution2DModule::fprop(), PLearn::ConcatOfVariable::fprop(), PLearn::CombiningCostsModule::fprop(), PLearn::CCCostVariable::fprop(), PLearn::BackConvolution2DModule::fprop(), PLearn::NeuralProbabilisticLanguageModel::fpropBeforeOutputWeights(), PLearn::RBMMixedLayer::fpropNLL(), PLearn::RBMLocalMultinomialLayer::fpropNLL(), PLearn::SumOverBagsVariable::fpropOneBag(), PLearn::FeatureSetSequentialCRF::fpropOutput(), PLearn::FeatureSetNNet::fpropOutput(), PLearn::RBMMixedLayer::freeEnergyContribution(), PLearn::RBMMixedLayer::freeEnergyContributionGradient(), PLearn::DynamicallyLinkedRBMsModel::generate(), PLearn::DenoisingRecurrentNet::generate(), PLearn::DenoisingRecurrentNet::generateArtificial(), PLearn::PDistribution::generateJoint(), PLearn::StepwiseSelectionOracle::generateNewSearchset(), PLearn::RBMLocalMultinomialLayer::generateSample(), PLearn::RBMWoodsLayer::getConfiguration(), PLearn::RBMMixedLayer::getConfiguration(), PLearn::getNearestVertex(), PLearn::VecExtendedVMatrix::getNewRow(), PLearn::TextStreamVMatrix::getNewRow(), PLearn::TextFilesVMatrix::getNewRow(), PLearn::SubInputVMatrix::getNewRow(), PLearn::SeparateInputVMatrix::getNewRow(), PLearn::RemapLastColumnVMatrix::getNewRow(), PLearn::RealFunctionsProcessedVMatrix::getNewRow(), PLearn::ProcessSymbolicSequenceVMatrix::getNewRow(), PLearn::ProcessingVMatrix::getNewRow(), PLearn::PLearnerOutputVMatrix::getNewRow(), PLearn::OneHotVMatrix::getNewRow(), PLearn::MultiTargetOneHotVMatrix::getNewRow(), PLearn::MixUnlabeledNeighbourVMatrix::getNewRow(), PLearn::MeanImputationVMatrix::getNewRow(), PLearn::LocalNeighborsDifferencesVMatrix::getNewRow(), PLearn::LemmatizeVMatrix::getNewRow(), PLearn::LearnerProcessedVMatrix::getNewRow(), PLearn::KNNVMatrix::getNewRow(), PLearn::KNNImputationVMatrix::getNewRow(), PLearn::JoinVMatrix::getNewRow(), PLearn::GeneralizedOneHotVMatrix::getNewRow(), PLearn::FinancePreprocVMatrix::getNewRow(), PLearn::FilteredVMatrix::getNewRow(), PLearn::ExtendedVMatrix::getNewRow(), PLearn::EncodedVMatrix::getNewRow(), PLearn::DatedJoinVMatrix::getNewRow(), PLearn::ConcatColumnsVMatrix::getNewRow(), PLearn::CompactFileVMatrix::getNewRow(), PLearn::AppendNeighborsVMatrix::getNewRow(), PLearn::AddBagInformationVMatrix::getNewRow(), PLearn::SplitModule::getPorts(), PLearn::FeatureSetNaiveBayesClassifier::getProbs(), PLearn::TrainTestSplitter::getRandomSubsets(), PLearn::SDBVMatrix::getRow(), PLearn::NLLErrModule::getTarget(), PLearn::NNet::getTrainCostNames(), PLearn::DistRepNNet::getTrainCostNames(), PLearn::RBMLayer::getUnitActivation(), PLearn::RBMTruncExpLayer::getUnitActivations(), PLearn::RBMMultinomialLayer::getUnitActivations(), PLearn::RBMGaussianLayer::getUnitActivations(), PLearn::RBMBinomialLayer::getUnitActivations(), PLearn::SubVMatrix::getValues(), PLearn::ProcessSymbolicSequenceVMatrix::getValues(), PLearn::ConcatColumnsVMatrix::getValues(), PLearn::SupervisedDBN::greedyStep(), PLearn::StackedFocusedAutoassociatorsNet::greedyStep(), PLearn::StackedAutoassociatorsNet::greedyStep(), PLearn::PartSupervisedDBN::greedyStep(), PLearn::GaussPartSupervisedDBN::greedyStep(), PLearn::NeuralProbabilisticLanguageModel::importance_sampling_gradient_update(), PLearn::DisregardRowsVMatrix::inferIndices(), PLearn::NatGradEstimator::init(), PLearn::VPLProcessor::initializeInputPrograms(), PLearn::VPLPreprocessedLearner2::initializeInputPrograms(), PLearn::VPLPreprocessedLearner2::initializeOutputPrograms(), PLearn::VPLCombinedLearner::initializeOutputPrograms(), PLearn::ConditionalDensityNet::initializeParams(), PLearn::VMatrix::inputFieldNames(), PLearn::Calendar::intersect(), PLearn::ICP::iterate(), PLearn::PartSupervisedDBN::jointGreedyStep(), PLearn::HintonDeepBeliefNet::jointGreedyStep(), PLearn::GaussPartSupervisedDBN::jointGreedyStep(), PLearn::GaussianDBNClassification::jointGreedyStep(), PLearn::loadClassificationDataset(), PLearn::loadUCIAMat(), PLearn::loadUCISet(), PLearn::NeighborhoodBoxVolumeDensityEstimator::log_density(), PLearn::LocallyWeightedDistribution::log_density(), PLearn::LocallyMagnifiedDistribution::log_density(), PLearn::RBMQLParameters::makeParametersPointHere(), PLearn::RBMMatrixConnection::makeParametersPointHere(), PLearn::RBMLQParameters::makeParametersPointHere(), PLearn::RBMLLParameters::makeParametersPointHere(), PLearn::RBMGenericParameters::makeParametersPointHere(), PLearn::RBMDiagonalMatrixConnection::makeParametersPointHere(), PLearn::RBMConv2DLLParameters::makeParametersPointHere(), PLearn::RBMConv2DConnection::makeParametersPointHere(), PLearn::SequentialModelSelector::matlabSave(), PLearn::VarArray::maxUpdate(), PLearn::GaussMix::missingExpectation(), PLearn::NnlmOnlineLearner::myGetExample(), PLearn::normalize(), PLearn::SubsamplingDBN::onlineStep(), PLearn::StackedAutoassociatorsNet::onlineStep(), PLearn::DeepBeliefNet::onlineStep(), PLearn::operator&(), PLearn::NatGradEstimator::operator()(), PLearn::PTester::perform(), PLearn::plotVMats(), PLearn::printDistanceStatistics(), PLearn::CCCostVariable::printInfo(), PLearn::qsort_vec(), PLearn::random_subset_indices(), PLearn::MoleculeTemplate::readFromAMATFile(), PLearn::removeElement(), PLearn::TransformationLearner::returnReconstructionCandidates(), PLearn::RGBImagesVMatrix::RGBImagesVMatrix(), PLearn::SequentialValidation::run(), PLearn::Experiment::run(), PLearn::TreeDBNModule::sample(), PLearn::RGBImagesVMatrix::sample(), PLearn::MultiSampleVariable::sample_range(), PLearn::TransformationLearner::seeTargetReconstructionSet(), PLearn::SequentialModelSelector::sequenceCost(), PLearn::RBMMixedConnection::setAsDownInput(), PLearn::RBMMixedConnection::setAsUpInput(), PLearn::RBMMixedLayer::setExpectationByRef(), PLearn::PDistribution::setPredictor(), PLearn::LocalGaussianClassifier::setTrainingSet(), PLearn::SubVecRandomVariable::setValueFromParentsValue(), PLearn::PDistribution::splitCond(), PLearn::VMatrix::targetFieldNames(), PLearn::Kernel::test(), PLearn::DynamicallyLinkedRBMsModel::test(), PLearn::DenoisingRecurrentNet::test(), PLearn::WPLS::train(), PLearn::TopDownAsymetricDeepNetwork::train(), PLearn::StackedModulesLearner::train(), PLearn::StackedFocusedAutoassociatorsNet::train(), PLearn::StackedAutoassociatorsNet::train(), PLearn::PseudolikelihoodRBM::train(), PLearn::NonLocalManifoldParzen::train(), PLearn::NnlmOnlineLearner::train(), PLearn::NeuralProbabilisticLanguageModel::train(), PLearn::NatGradSMPNNet::train(), PLearn::NatGradNNet::train(), PLearn::mNNet::train(), PLearn::KernelProjection::train(), PLearn::HintonDeepBeliefNet::train(), PLearn::GaussianDBNRegression::train(), PLearn::GaussianDBNClassification::train(), PLearn::FeatureSetNaiveBayesClassifier::train(), PLearn::EntropyContrastLearner::train(), PLearn::DynamicallyLinkedRBMsModel::train(), PLearn::DiscriminativeRBM::train(), PLearn::DiscriminativeDeepBeliefNet::train(), PLearn::DeepNonLocalManifoldParzen::train(), PLearn::ConditionalDensityNet::train(), PLearn::BestAveragingPLearner::train(), PLearn::train_and_test(), PLearn::VarArray::update(), PLearn::RBMMixedLayer::update(), PLearn::RBMMixedConnection::update(), PLearn::GaussianContinuumDistribution::update_reference_set_parameters(), PLearn::GaussianContinuum::update_reference_set_parameters(), PLearn::ToBagClassifier::updateCostAndBagOutput(), PLearn::GaussMix::updateInverseVarianceFromPrevious(), PLearn::use(), PLearn::ConditionalDistribution::use(), PLearn::Learner::useAndCostOnTestVec(), PLearn::NeuralProbabilisticLanguageModel::verify_gradient(), PLearn::FeatureSetSequentialCRF::verify_gradient(), PLearn::FeatureSetNNet::verify_gradient(), and PLearn::VMatrix::weightFieldNames().

    {
#ifdef BOUNDCHECK
        if(newstart+newlength>length() || newlength<0)
            PLERROR("TVec::subVec(int newstart, int newlength) OUT OF BOUNDS OR <0 length()"
                    " length()=%d; newstart=%d; newlength=%d.", length(), newstart, newlength);
#endif
        TVec<T> subv = *this;
        subv.length_ = newlength;
        subv.offset_ += newstart;
        return subv;
    }
template<class T>
void PLearn::TVec< T >::subVecSelf ( int  newstart,
int  newlength 
) [inline]

Modify the current Vec to point to a subset of itself.

This is useful if we are handed a 'large' Vec, but only want a subset without incurring the performance hit of a temporary object.

Definition at line 333 of file TVec_decl.h.

Referenced by PLearn::MemoryCachedKernel::dataRow(), and PLearn::PythonObjectWrapper::trampoline().

    {
#ifdef BOUNDCHECK
        if(newstart+newlength>length() || newlength<0)
            PLERROR("TVec::subVecSelf(int newstart, int newlength) OUT OF BOUNDS OR <0 length()"
                    " length()=%d; newstart=%d; newlength=%d.", length(), newstart, newlength);
#endif
        length_ = newlength;
        offset_ += newstart;
    }

Here is the caller graph for this function:

template<class T>
void PLearn::TVec< T >::swap ( ) [inline]

swaps first and last element, second and second last, etc... (mirror symmetry).

Definition at line 715 of file TVec_decl.h.

Referenced by PLearn::RandomGaussMix::build_(), PLearn::eigen_SymmMat_decreasing(), PLearn::eigenVecOfSymmMat(), PLearn::generalizedEigenVecOfSymmMat(), PLearn::kernelPCAfromDotProducts(), and PLearn::GaussMix::updateCholeskyFromPrevious().

    {
        if (isEmpty()) return;
        int half = length()/2;
        T* ptr = data();
        for(int i=0; i<half; i++)
            std::swap(ptr[i],ptr[length()-i-1]);
    }

Here is the caller graph for this function:

template<class T >
TMat< T > PLearn::TVec< T >::toMat ( int  newlength,
int  newwidth 
) const [inline]

The returned TMat will view the same data.

Definition at line 93 of file TMat_impl.h.

References PLearn::TMat< T >::length_, PLearn::TMat< T >::mod_, PLearn::TMat< T >::offset_, PLearn::TMat< T >::storage, and PLearn::TMat< T >::width_.

Referenced by PLearn::RBMConv2DLLParameters::accumulateNegStats(), PLearn::RBMConv2DConnection::accumulateNegStats(), PLearn::RBMConv2DLLParameters::accumulatePosStats(), PLearn::RBMConv2DConnection::accumulatePosStats(), PLearn::Supersampling2DModule::bbpropUpdate(), PLearn::Subsampling2DModule::bbpropUpdate(), PLearn::Convolution2DModule::bbpropUpdate(), PLearn::BackConvolution2DModule::bbpropUpdate(), PLearn::LogAddVariable::bprop(), PLearn::Convolution2DModule::bpropAccUpdate(), PLearn::Supersampling2DModule::bpropUpdate(), PLearn::Subsampling2DModule::bpropUpdate(), PLearn::RBMLocalMultinomialLayer::bpropUpdate(), PLearn::RBMConv2DLLParameters::bpropUpdate(), PLearn::RBMConv2DConnection::bpropUpdate(), PLearn::Convolution2DModule::bpropUpdate(), PLearn::BackConvolution2DModule::bpropUpdate(), PLearn::PvGradNNet::build_(), PLearn::ProjectionErrorVariable::build_(), PLearn::NllGeneralGaussianVariable::build_(), PLearn::NatGradSMPNNet::build_(), PLearn::NatGradNNet::build_(), PLearn::mNNet::build_(), PLearn::columnmatrix(), PLearn::NatGradSMPNNet::computeCostsFromOutputs(), PLearn::NatGradNNet::computeCostsFromOutputs(), PLearn::mNNet::computeCostsFromOutputs(), PLearn::RBMLocalMultinomialLayer::computeExpectation(), PLearn::RBMLocalMultinomialLayer::computeExpectations(), PLearn::ManifoldKNNDistribution::computeLocalPrincipalComponents(), PLearn::DeepNonLocalManifoldParzen::computeManifoldParzenParameters(), PLearn::PDistribution::computeOutput(), PLearn::PConditionalDistribution::computeOutput(), PLearn::ManifoldParzen2::computeOutput(), PLearn::KNNRegressor::computeOutput(), PLearn::DeepBeliefNet::computeOutput(), PLearn::ModuleLearner::computeOutputAndCosts(), PLearn::RBMModule::computePartitionFunction(), PLearn::RBMConv2DConnection::computeProduct(), PLearn::RBMQLParameters::computeUnitActivations(), PLearn::RBMLQParameters::computeUnitActivations(), PLearn::RBMConv2DLLParameters::computeUnitActivations(), PLearn::ChemicalICP::computeUsedFeatures(), PLearn::ProductRandomVariable::EMBprop(), PLearn::CorrelationKernel::evaluate(), PLearn::findSmallestEigenPairOfSymmMat(), PLearn::DeepNonLocalManifoldParzen::fineTuningStep(), PLearn::DeepBeliefNet::fineTuningStep(), PLearn::QuantilesStatsIterator::finish(), PLearn::SVDVariable::fprop(), PLearn::Supersampling2DModule::fprop(), PLearn::Subsampling2DModule::fprop(), PLearn::RBMModule::fprop(), PLearn::RBMLocalMultinomialLayer::fprop(), PLearn::Convolution2DModule::fprop(), PLearn::CombiningCostsModule::fprop(), PLearn::BackConvolution2DModule::fprop(), PLearn::RBMLocalMultinomialLayer::fpropNLL(), PLearn::RBMLocalMultinomialLayer::freeEnergyContribution(), PLearn::RBMLocalMultinomialLayer::generateSample(), PLearn::RBMLocalMultinomialLayer::getConfiguration(), PLearn::RandomNeighborsDifferencesVMatrix::getNewRow(), PLearn::LocalNeighborsDifferencesVMatrix::getNewRow(), PLearn::SplitModule::getPortSizes(), PLearn::ToBagSplitter::getSplit(), PLearn::DeepBeliefNet::greedyStep(), PLearn::ManifoldKNNDistribution::log_density(), PLearn::Molecule::readFromVRMLFile(), PLearn::ridgeRegressionByGCV(), PLearn::rowmatrix(), PLearn::ThresholdedKernel::setDataForKernelMatrix(), PLearn::solveLinearSystem(), PLearn::IncrementalNNet::train(), PLearn::GaussMix::train(), PLearn::AdaBoost::train(), PLearn::ModuleLearner::trainingStep(), PLearn::weightedRidgeRegressionByGCV(), and PLearn::MoleculeTemplate::writeToAMATFile().

{
    TMat<T> tm;
    tm.offset_ = offset_;
    tm.mod_ = newwidth;
    tm.width_ = newwidth;
    tm.length_ = newlength;
    tm.storage = storage;
    return tm;
}
template<class T>
T& PLearn::TVec< T >::top ( ) const [inline]

Definition at line 623 of file TVec_decl.h.

Referenced by PLearn::TransformationLearner::largeEStepA(), and PLearn::TransformationLearner::largeEStepB().

    { return lastElement(); }

Here is the caller graph for this function:

template<class T>
void PLearn::TVec< T >::write ( PStream out) const [inline]

writes the Vec to the PStream: Note that users should rather use the form out << v;

Definition at line 239 of file TVec_decl.h.

    {
        const TVec<T>& v = *this; // simple alias
        if(storage && 
           ( out.implicit_storage 
             || out.outmode==PStream::raw_ascii
             || out.outmode==PStream::raw_binary
             || out.outmode==PStream::pretty_ascii ) )
            writeSequence(out,v);
        else if(storage.isNull() && out.outmode!=PStream::plearn_binary)
            out.write("[]\n");
        else // write explicit storage
        {
            out.write("TVec("); 
            out << v.length();
            out << v.offset();
            out << v.getStorage();
            out.write(")\n");
        }
    }

Friends And Related Function Documentation

template<class T>
friend class QCchunker [friend]

Definition at line 83 of file TVec_decl.h.

template<class T>
friend class QRchunker [friend]

The following are for hacky interfaces that for some obscure and dirty reason access offset_ directly.

Definition at line 82 of file TVec_decl.h.

template<class T>
friend class TMat< T > [friend]

Definition at line 76 of file TVec_decl.h.

template<class T>
friend class VarArray [friend]

for makeShared hack... (to be cleaned)

Definition at line 79 of file TVec_decl.h.

template<class T>
friend class Variable [friend]

for makeShared hack... (to be cleaned)

Definition at line 78 of file TVec_decl.h.


Member Data Documentation

template<class T>
int PLearn::TVec< T >::length_ [protected]
template<class T>
int PLearn::TVec< T >::offset_ [protected]
template<class T>
PP< Storage<T> > PLearn::TVec< T >::storage [protected]

The documentation for this class was generated from the following files:
 All Classes Namespaces Files Functions Variables Typedefs Enumerations Enumerator Friends Defines