MyCaffe  1.12.2.41
Deep learning software for Windows C# programmers.
MyCaffe.param.LayerParameter Class Reference

Specifies the base parameter for all layers. More...

Inheritance diagram for MyCaffe.param.LayerParameter:
MyCaffe.basecode.BaseParameter MyCaffe.basecode.IBinaryPersist MyCaffe.layers.LayerParameterEx< T >

Public Types

enum  ONNX_CONVERSION_SUPPORT { NONE , INFERENCE , INFERENCE_AND_TRAINING }
 Defines whether a layer node has ONNX conversion support or not. More...
 
enum  LayerType {
  ABSVAL , ACCURACY , ACCURACY_DECODE , ACCURACY_ENCODING ,
  ANNOTATED_DATA , ARGMAX , ATTENTION , BIAS ,
  BATCHNORM , BATCHREINDEX , BNLL , CATEGORICAL_TRANS ,
  CAUSAL_SELF_ATTENTION , CFC , CFC_UNIT , CHANNEL_EMBEDDING ,
  CLIP , CONCAT , CONSTANT , CONTRASTIVE_LOSS ,
  CONVOLUTION , CONVOLUTION_OCTAVE , COPY , CROP ,
  DECODE , DECONVOLUTION , DETECTION_EVALUATE , DETECTION_OUTPUT ,
  DATA , DATA_NORMALIZER , DATA_SEQUENCE , DATA_TEMPORAL ,
  DROPOUT , DUMMYDATA , ELTWISE , ELU ,
  EMBED , EUCLIDEAN_LOSS , EVENT , EXP ,
  FILTER , FLATTEN , GATHER , GATEADDNORM ,
  GELU , GLU , GRN , GRADIENTSCALER ,
  GRAM , GLOBRES_NORM , HDF5_DATA , HINGE_LOSS ,
  IMAGE_DATA , IM2COL , INFOGAIN_LOSS , INNERPRODUCT ,
  INPUT , INTERP , LABELMAPPING , LAYERNORM ,
  LECUN , LOG , LOSS , LRN ,
  LTC_UNIT , MEAN_ERROR_LOSS , MATH , MEMORYDATA ,
  MEMORY_LOSS , MERGE , MISH , MULTIBOX_LOSS ,
  MULTIHEAD_ATTENTION , MULTIHEAD_ATTENTION_INTERP , MULTINOMIALLOGISTIC_LOSS , MVN ,
  NLL_LOSS , NUMERIC_TRANS , ONEHOT , PARAMETER ,
  PERMUTE , POOLING , POSITIONAL_ENCODER , POWER ,
  PRELU , PRIORBOX , QUANTILE_ACCURACY , QUANTILE_LOSS ,
  REDUCTION , RELU , RESHAPE , RESHAPE_TEMPORAL ,
  SCALAR , SCALE , SERF , SIGMOID ,
  SIGMOIDCROSSENTROPY_LOSS , SILU , SOFTPLUS , SOFTMAXCROSSENTROPY_LOSS ,
  SOFTMAXCROSSENTROPY2_LOSS , SOFTMAX , SOFTMAXWITH_LOSS , SMOOTHL1_LOSS ,
  SPP , SILENCE , SLICE , SPLIT ,
  SQUEEZE , UNSQUEEZE , SWISH , MODEL_DATA ,
  TEXT_DATA , TV_LOSS , TANH , THRESHOLD ,
  TILE , TRANSFORM , TRANSFORMER_BLOCK , TOKENIZED_DATA ,
  TOKENIZED_DATA_PAIRS , TOKENIZED_DATA_PAIRS_PY , TRANSPOSE , LSTM_SIMPLE ,
  LSTM_ATTENTION , RECURRENT , RNN , LSTM ,
  LSTM_UNIT , UNPOOLING1 , UNPOOLING , NORMALIZATION1 ,
  NORMALIZATION2 , TRIPLET_LOSS_SIMPLE , TRIPLET_LOSS , KNN ,
  DEBUG , VIDEO_DATA , VARSELNET , _MAX
}
 Specifies the layer type. More...
 

Public Member Functions

 LayerParameter ()
 Constructor for the parameter. More...
 
 LayerParameter (LayerType lt, string strName=null)
 The LayerParameter constructor. More...
 
 LayerParameter (LayerParameter p)
 The LayerParameter constructor. More...
 
string PrepareRunModelInputs ()
 Prepare model inputs for the run-net (if any are needed for the layer). More...
 
void PrepareRunModel ()
 Prepare the layer settings for a run model. More...
 
int GetParameterCount ()
 Returns the number of ParamSpec parameters used by the layer. More...
 
void CopyDefaults (LayerParameter p)
 Copies the defaults from another LayerParameter. More...
 
bool MeetsPhase (Phase phase)
 Determines whether or not this LayerParameter meets a given Phase. More...
 
void Save (BinaryWriter bw)
 Save this parameter to a binary writer. More...
 
object Load (BinaryReader br, bool bNewInstance)
 Load the parameter from a binary reader. More...
 
void SetType (LayerType type, bool bNewParam=true)
 Set the layer type. More...
 
void clear_blobs ()
 Clears the collection of Blobs used by this layer. More...
 
void CopyParameters (LayerParameter src)
 Copy just the layer specific parameters to this layer parameter. More...
 
virtual LayerParameter Clone (bool bCloneBlobs)
 Creates a new copy of this instance of the parameter. More...
 
int CompareTo (object obj)
 Constructor for the parameter. More...
 
override RawProto ToProto (string strName)
 Constructor for the parameter. More...
 
override string ToString ()
 Returns a string representation of the LayerParameter. More...
 
- Public Member Functions inherited from MyCaffe.basecode.BaseParameter
 BaseParameter ()
 Constructor for the parameter. More...
 
virtual bool Compare (BaseParameter p)
 Compare this parameter to another parameter. More...
 

Static Public Member Functions

static LayerParameter FromProto (RawProto rp)
 Parses the parameter from a RawProto. More...
 
static ? LayerType GetType (string strType)
 Converts the string type into a LayerType, or null if no match is found. More...
 
- Static Public Member Functions inherited from MyCaffe.basecode.BaseParameter
static double ParseDouble (string strVal)
 Parse double values using the US culture if the decimal separator = '.', then using the native culture, and if then lastly trying the US culture to handle prototypes containing '.' as the separator, yet parsed in a culture that does not use '.' as a decimal. More...
 
static bool TryParse (string strVal, out double df)
 Parse double values using the US culture if the decimal separator = '.', then using the native culture, and if then lastly trying the US culture to handle prototypes containing '.' as the separator, yet parsed in a culture that does not use '.' as a decimal. More...
 
static float ParseFloat (string strVal)
 Parse float values using the US culture if the decimal separator = '.', then using the native culture, and if then lastly trying the US culture to handle prototypes containing '.' as the separator, yet parsed in a culture that does not use '.' as a decimal. More...
 
static bool TryParse (string strVal, out float f)
 Parse doufloatble values using the US culture if the decimal separator = '.', then using the native culture, and if then lastly trying the US culture to handle prototypes containing '.' as the separator, yet parsed in a culture that does not use '.' as a decimal. More...
 

Protected Attributes

ONNX_CONVERSION_SUPPORT m_onnxConversionSupport = ONNX_CONVERSION_SUPPORT.NONE
 Specifies the level of conversion support for the layer. More...
 

Properties

string name [getset]
 Specifies the name of this LayerParameter. More...
 
LayerType type [get]
 Specifies the type of this LayerParameter. More...
 
bool use_halfsize [getset]
 Specifies whether or not to use half sized memory or not. More...
 
ONNX_CONVERSION_SUPPORT onnx_conversion_support [get]
 Returns the level of Onnx conversion support. More...
 
List< string > bottom [getset]
 Specifies the active bottom connections (in the bottom, out the top). More...
 
List< string > top [getset]
 Specifies the active top connections (in the bottom, out the top) More...
 
Phase phase [getset]
 Specifies the Phase for which this LayerParameter is run. More...
 
bool freeze_learning [getset]
 Get/set whether or not to freeze the learning for this layer globally. More...
 
bool connect_loss_event [getset]
 Get/set whether or not to connect the loss event to this layer. More...
 
List< double > loss_weight [getset]
 Specifies the loss weight. More...
 
List< ParamSpecparameters [getset]
 Specifies the ParamSpec parameters of the LayerParameter. More...
 
List< BlobProtoblobs [getset]
 Specifies the blobs of the LayerParameter. More...
 
List< bool > propagate_down [getset]
 Specifies whether or not the LayerParameter (or protions of) should be backpropagated. More...
 
List< NetStateRuleinclude [getset]
 Specifies the NetStateRule's for which this LayerParameter should be included. More...
 
List< NetStateRuleexclude [getset]
 Specifies the NetStateRule's for which this LayerParameter should be excluded. More...
 
bool group_start [getset]
 Specifies whether or not this node is the start of a new group - this is only used when rendering models. More...
 
TransformationParameter transform_param [getset]
 Returns the parameter set when initialized with LayerType.TRANSFORM More...
 
LossParameter loss_param [getset]
 Returns the parameter set when initialized with LayerType.LOSS More...
 
AccuracyParameter accuracy_param [getset]
 Returns the parameter set when initialized with LayerType.ACCURACY More...
 
ArgMaxParameter argmax_param [getset]
 Returns the parameter set when initialized with LayerType.ARGMAX More...
 
BatchNormParameter batch_norm_param [getset]
 Returns the parameter set when initialized with LayerType.BATCHNORM More...
 
BiasParameter bias_param [getset]
 Returns the parameter set when initialized with LayerType.BIAS More...
 
CfcParameter cfc_param [getset]
 Returns the parameter set when initialized with LayerType.CFC More...
 
CfcUnitParameter cfc_unit_param [getset]
 Returns the parameter set when initialized with LayerType.CFC_UNIT More...
 
ClipParameter clip_param [getset]
 Returns the parameter set when initialized with LayerType.CLIP More...
 
ConcatParameter concat_param [getset]
 Returns the parameter set when initialized with LayerType.CONCAT More...
 
ConstantParameter constant_param [getset]
 Returns the parameter set when initialized with LayerType.CONSTANT More...
 
ContrastiveLossParameter contrastive_loss_param [getset]
 Returns the parameter set when initialized with LayerType.CONTRASTIVE_LOSS More...
 
ConvolutionParameter convolution_param [getset]
 Returns the parameter set when initialized with LayerType.CONVOLUTION More...
 
ConvolutionOctaveParameter convolution_octave_param [getset]
 Returns the parameter set when initialized with LayerType.CONVOLUTION_OCTAVE More...
 
CropParameter crop_param [getset]
 Returns the parameter set when initialized with LayerType.CROP More...
 
DecodeParameter decode_param [getset]
 Returns the parameter set when initializing with LayerType.DECODE or LayerType.ACCURACY_ENCODING; More...
 
AnnotatedDataParameter annotated_data_param [getset]
 Returns the parameter set when initialized with LayerType.ANNOTATED_DATA More...
 
AttentionParameter attention_param [getset]
 Returns the parameter set when initialized with LayerType.ATTENTION More...
 
CategoricalTransformationParameter categorical_trans_param [getset]
 Returns the parameter set when initialized with LayerType.CATEGORICAL_TRANS More...
 
CausalSelfAttentionParameter causal_self_attention_param [getset]
 Returns the parameter set when initialized with LayerType.CAUSAL_SELF_ATTENTION More...
 
MultiheadAttentionParameter multihead_attention_param [getset]
 Returns the parameter set when initialized with LayerType.MULTIHEAD_ATTENTION More...
 
MultiHeadAttentionInterpParameter multihead_attention_interp_param [getset]
 Returns the parameter set when initialized with LayerType.MULTIHEAD_ATTENTION_INTERP More...
 
PositionalEncoderParameter positional_encoder_param [getset]
 Returns the parameter set when initialized with LayerType.POSITIONAL_ENCODER More...
 
DetectionEvaluateParameter detection_evaluate_param [getset]
 Returns the parmeter set when initialized with LayerType.DETECTION_EVALUATE More...
 
DetectionOutputParameter detection_output_param [getset]
 Returns the parmeter set when initialized with LayerType.DETECTION_OUTPUT More...
 
DataParameter data_param [getset]
 Returns the parameter set when initialized with LayerType.DATA More...
 
DataNormalizerParameter data_normalizer_param [getset]
 Returns the parameter set when initialized with LayerType.DATA_NORMALIZER More...
 
DataSequenceParameter data_sequence_param [getset]
 Returns the parameter set when initialized with LayerType.DATA_SEQUENCE More...
 
DataTemporalParameter data_temporal_param [getset]
 Returns the parameter set when initialized with LayerType.DATA_TEMPORAL More...
 
DebugParameter debug_param [getset]
 Returns the parameter set when initialized with LayerType.DEBUG More...
 
DropoutParameter dropout_param [getset]
 Returns the parameter set when initialized with LayerType.DROPOUT More...
 
DummyDataParameter dummy_data_param [getset]
 Returns the parameter set when initialized with LayerType.DUMMYDATA More...
 
EltwiseParameter eltwise_param [getset]
 Returns the parameter set when initialized with LayerType.ELTWISE More...
 
EluParameter elu_param [getset]
 Returns the parameter set when initialized with LayerType.ELU More...
 
EmbedParameter embed_param [getset]
 Returns the parameter set when initialized with LayerType.EMBED More...
 
ExpParameter exp_param [getset]
 Returns the parameter set when initialized with LayerType.EXP More...
 
FlattenParameter flatten_param [getset]
 Returns the parameter set when initialized with LayerType.FLATTEN More...
 
GatherParameter gather_param [getset]
 Returns the parameter set when initialized with LayerType.GATHER More...
 
GateAddNormParameter gateaddnorm_param [getset]
 Returns the parameter set when initialized with LayerType.GLU More...
 
GeluParameter gelu_param [getset]
 Returns the parameter set when initialized with LayerType.GELU More...
 
GluParameter glu_param [getset]
 Returns the parameter set when initialized with LayerType.GLU More...
 
GrnParameter grn_param [getset]
 Returns the parameter set when initialized with LayerType.GLU More...
 
GradientScaleParameter gradient_scale_param [getset]
 Returns the parameter set when initialized with LayerType.GSL More...
 
GramParameter gram_param [getset]
 Returns the parameter set when initialized with LayerType.GRAM More...
 
HDF5DataParameter hdf5_data_param [getset]
 Returns the parameter set when initialized with LayerType.HDF5_DATA More...
 
HingeLossParameter hinge_loss_param [getset]
 Returns the parameter set when initialized with LayerType.HINGE_LOSS More...
 
ImageDataParameter image_data_param [getset]
 Returns the parameter set when initialized with LayerType.IMAGE_DATA More...
 
InfogainLossParameter infogain_loss_param [getset]
 Returns the parameter set when initialized with LayerType.INFOGAIN_LOSS More...
 
InnerProductParameter inner_product_param [getset]
 Returns the parameter set when initialized with LayerType.INNERPRODUCT More...
 
InterpParameter interp_param [getset]
 Returns the parameter set when initializing the LayerType.INTERP More...
 
KnnParameter knn_param [getset]
 Returns the parameter set when initialized with LayerType.KNN More...
 
LabelMappingParameter labelmapping_param [getset]
 Returns the parameter set when initialized with LayerType.LABELMAPPING More...
 
LayerNormParameter layer_norm_param [getset]
 Returns the parameter set when initialized with LayerType.LAYERNORM More...
 
LogParameter log_param [getset]
 Returns the parameter set when initialized with LayerType.LOG More...
 
LRNParameter lrn_param [getset]
 Returns the parameter set when initialized with LayerType.LRN More...
 
LtcUnitParameter ltc_unit_param [getset]
 Returns the parameter set when initialized with LayerType.LTC_UNIT More...
 
MeanErrorLossParameter mean_error_loss_param [getset]
 Returns the parameter set when initialized with LayerType.MEAN_ERROR_LOSS More...
 
MathParameter math_param [getset]
 Returns the parameter set when initialized with LayerType.MATH More...
 
MergeParameter merge_param [getset]
 Returns the parameter set when initialized with LayerType.MERGE More...
 
MemoryDataParameter memory_data_param [getset]
 Returns the parameter set when initialized with LayerType.MEMORY_DATA More...
 
MishParameter mish_param [getset]
 Returns the parameter set when initialized with LayerType.MISH More...
 
MultiBoxLossParameter multiboxloss_param [getset]
 Returns the parameter set when initializing with LayerType.MULTIBOX_LOSS More...
 
MVNParameter mvn_param [getset]
 Returns the parameter set when initialized with LayerType.MVN More...
 
NLLLossParameter nll_loss_param [getset]
 Returns the parameter set when initialized with LayerType.NLL_LOSS More...
 
NumericTransformationParameter numeric_trans_param [getset]
 Returns the parameter set when initialized with LayerType.NUMERIC_TRANS More...
 
OneHotParameter onehot_param [getset]
 Returns the parameter set when initialized with LayerType.ONEHOT More...
 
Normalization1Parameter normalization1_param [getset]
 Returns the parameter set when initialized with LayerType.NORMALIZATION1 More...
 
Normalization2Parameter normalization2_param [getset]
 Returns the parameter set when initialized with LayerType.NORMALIZATION2 More...
 
PoolingParameter pooling_param [getset]
 Returns the parameter set when initialized with LayerType.POOLING More...
 
UnPoolingParameter unpooling_param [getset]
 Returns the parameter set when initialized with LayerType.UNPOOLING More...
 
ParameterParameter parameter_param [getset]
 Returns the parameter set when initialized with LayerType.PARAMETER More...
 
PermuteParameter permute_param [getset]
 Returns the parameter set when initialized with LayerType.PERMUTE More...
 
PowerParameter power_param [getset]
 Returns the parameter set when initialized with LayerType.POWER More...
 
PReLUParameter prelu_param [getset]
 Returns the parameter set when initialized with LayerType.PRELU More...
 
PriorBoxParameter prior_box_param [getset]
 Returns the parameter set when initialized with LayerType.PRIORBOX More...
 
QuantileAccuracyParameter quantile_accuracy_param [getset]
 Returns the parameter set when initialized with LayerType.QUANTILE_ACCURACY More...
 
QuantileLossParameter quantile_loss_param [getset]
 Returns the parameter set when initialized with LayerType.QUANTILE_LOSS More...
 
ReductionParameter reduction_param [getset]
 Returns the parameter set when initialized with LayerType.REDUCTION More...
 
ReLUParameter relu_param [getset]
 Returns the parameter set when initialized with LayerType.RELU More...
 
ReshapeParameter reshape_param [getset]
 Returns the parameter set when initialized with LayerType.RESHAPE More...
 
ReshapeTemporalParameter reshape_temporal_param [getset]
 Returns the parameter set when initialized with LayerType.RESHAPE_TEMPORAL More...
 
SqueezeParameter squeeze_param [getset]
 Returns the parameter set when initialized with LayerType.RESHAPE More...
 
ScalarParameter scalar_param [getset]
 Returns the parameter set when initialized with LayerType.SCALAR More...
 
ScaleParameter scale_param [getset]
 Returns the parameter set when initialized with LayerType.SCALE More...
 
SerfParameter serf_param [getset]
 Returns the parameter set when initialized with LayerType.SERF More...
 
SigmoidParameter sigmoid_param [getset]
 Returns the parameter set when initialized with LayerType.SIGMOID More...
 
SoftmaxParameter softmax_param [getset]
 Returns the parameter set when initialized with LayerType.SOFTMAX More...
 
SPPParameter spp_param [getset]
 Returns the parameter set when initialized with LayerType.SPP More...
 
SliceParameter slice_param [getset]
 Returns the parameter set when initialized with LayerType.SLICE More...
 
SwishParameter swish_param [getset]
 Returns the parameter set when initialized with LayerType.SWISH More...
 
TanhParameter tanh_param [getset]
 Returns the parameter set when initialized with LayerType.TANH More...
 
ModelDataParameter model_data_param [getset]
 Returns the parameter set when initialized with LayerType.MODEL_DATA More...
 
TextDataParameter text_data_param [getset]
 Returns the parameter set when initialized with LayerType.TEXT_DATA More...
 
ThresholdParameter threshold_param [getset]
 Returns the parameter set when initialized with LayerType.THRESHOLD More...
 
TileParameter tile_param [getset]
 Returns the parameter set when initialized with LayerType.TILE More...
 
TransposeParameter transpose_param [getset]
 Returns the parameter set when initialized with LayerType.TRANSPOSE More...
 
TransformerBlockParameter transformer_block_param [getset]
 Returns the parameter set when initialized with LayerType.TRANSFORMER_BLOCK More...
 
TokenizedDataParameter tokenized_data_param [getset]
 Returns the parameter set when initialized with LayerType.TOKENIZED_DATA More...
 
TokenizedDataPairsParameter tokenized_data_pairs_param [getset]
 Returns the parameter set when initialized with LayerType.TOKENIZED_DATA_PAIRS More...
 
TripletLossParameter triplet_loss_param [getset]
 Returns the parameter set when initialized with LayerType.TRIPLET_LOSS More...
 
TVLossParameter tv_loss_param [getset]
 Returns the parameter set when initialized with LayerType.TV_LOSS More...
 
LSTMSimpleParameter lstm_simple_param [getset]
 [DEPRECIATED] Returns the parameter set when initialized with LayerType.LSTM_SIMPLE More...
 
LSTMAttentionParameter lstm_attention_param [getset]
 Returns the parameter set when initialized with LayerType.LSTM_ATTENTION More...
 
RecurrentParameter recurrent_param [getset]
 Returns the parameter set when initialized with LayerType.RECURRENT More...
 
InputParameter input_param [getset]
 Returns the parameter set when initialized with LayerType.INPUT More...
 
VideoDataParameter video_data_param [getset]
 Returns the parameter set when initialized with LayerType.VIDEO_DATA More...
 
VarSelNetParameter varselnet_param [getset]
 Returns the parameter set when initialized with LayerType.VARSELNET More...
 
int solver_count [getset]
 Returns the number of Solvers participating in a multi-GPU session for which the Solver using this LayerParameter is associated. More...
 
int solver_rank [getset]
 Returns the SolverRank of the Solver using this LayerParameter (if any). More...
 
List< string > expected_top [get]
 Returns a list of expected top connections (in the bottom, out the top). More...
 
List< string > expected_bottom [get]
 Returns a list of expected bottom connections (in the bottom, out the top). More...
 

Detailed Description

Specifies the base parameter for all layers.

Definition at line 23 of file LayerParameter.cs.

Member Enumeration Documentation

◆ LayerType

Specifies the layer type.

Enumerator
ABSVAL 

Initializes a parameter for the AbsValLayer.

ACCURACY 

Initializes a parameter for the AccuracyLayer.

ACCURACY_DECODE 

Initializes a parameter for the AccuracyDecodeLayer.

ACCURACY_ENCODING 

Initializes a parameter for the AccuracyEncodingLayer.

ANNOTATED_DATA 

Initializes a parameter for the AnnotatedDataLayer.

ARGMAX 

Initializes a parameter for the ArgMaxLayer.

ATTENTION 

Initializes a parameter for the AttentionLayer.

BIAS 

Initializes a parameter for the BiasLayer.

BATCHNORM 

Initializes a parameter for the BatchNormLayer.

BATCHREINDEX 

Initializes a parameter for the BatchReindexLayer.

BNLL 

Initializes a parameter for the BNLLLayer.

CATEGORICAL_TRANS 

Initializes a parameter for the CategoricalTransformationLayer

CAUSAL_SELF_ATTENTION 

Initializes a parameter for the CausalSelfAttentionLayer.

CFC 

Initializes a parameter for the CfCLayer.

CFC_UNIT 

Initializes a parameter for the CfCUnitLayer.

CHANNEL_EMBEDDING 

Initializes a parameter for the ChannelEmbeddingLayer.

CLIP 

Initializes a parameter for the ClipLayer.

CONCAT 

Initializes a parameter for the ConcatLayer.

CONSTANT 

Initializes a parameter for the ConstantLayer.

CONTRASTIVE_LOSS 

Initializes a parameter for the ContrastiveLossLayer.

CONVOLUTION 

Initializes a parameter for the ConvolutionLayer.

CONVOLUTION_OCTAVE 

Initializes a parameter for the ConvolutionOctaveLayer.

COPY 

Initializes a parameter for the CopyLayer.

CROP 

Initializes a parameter for the CropLayer.

DECODE 

Initializes a parameter for the DecodeLayer.

DECONVOLUTION 

Initializes a parameter for the DeconvolutionLayer.

DETECTION_EVALUATE 

Initializes a parameter for the DetectionEvaluateLayer.

DETECTION_OUTPUT 

Initializes a parameter for the DetectionOutputLayer.

DATA 

Initializes a parameter for the DataLayer.

DATA_NORMALIZER 

Initializes a parameter for the DataNormalizerLayer.

DATA_SEQUENCE 

Initializes a parameter for the DataSequenceLayer.

DATA_TEMPORAL 

Initializes a parameter for the DataTemporalLayer used with TFT models.

DROPOUT 

Initializes a parameter for the DropoutLayer.


DUMMYDATA 

Initializes a parameter for the DummyDataLayer.

ELTWISE 

Initializes a parameter for the EltwiseLayer.

ELU 

Initializes a parameter for the ELULayer.

EMBED 

Initializes a parameter for the EmbedLayer.

EUCLIDEAN_LOSS 

Initializes a parameter for the EuclideanLossLayer.

EVENT 

Initializes a parameter for the EventLayer.

EXP 

Initializes a parameter for the ExpLayer.

FILTER 

Initializes a parameter for the FilterLayer.

FLATTEN 

Initializes a parameter for the FlattenLayer.

GATHER 

Initializes a parameter for the GatherLayer.

GATEADDNORM 

Initializes a parameter for the GateAddNormLayer.

GELU 

Initializes a parameter for the GeluLayer.

GLU 

Initializes a parameter for the GluLayer (Gated Linear Unit)

GRN 

Initializes a parameter for the GrnLayer (Gated Response Network)

GRADIENTSCALER 

Initializes a parameter for the GradScaleLayer (used for gradient reversal)

GRAM 

Initializes a parameter for the GramLayer (used with Neural Style)

GLOBRES_NORM 

Initializes a parameter for the GRNLayer (global response normalization L2)

HDF5_DATA 

Initializes a parameter for the HDF5DataLayer.

HINGE_LOSS 

Initializes a parameter for the HingeLossLayer.

IMAGE_DATA 

Initializes a parameter for the ImageDataLayer.

IM2COL 

Initializes a parameter for the Im2ColLayer.

INFOGAIN_LOSS 

Initializes a parameter for the InfogainLossLayer.

INNERPRODUCT 

Initializes a parameter for the InnerProductLayer.

INPUT 

Initializes a parameter for the InputLayer.

INTERP 

Initializes a parameter for the InterpLayer.

LABELMAPPING 

Initializes a parameter for the LabelMappingLayer.

LAYERNORM 

Initializes a parameter for the LayerNormalizationLayer.

LECUN 

Initializes a parameter for the LeCunLayer.

LOG 

Initializes a parameter for the LogLayer.

LOSS 

Initializes a parameter for the LossLayer.

LRN 

Initializes a parameter for the LRNLayer.

LTC_UNIT 

Initializes a parameter for the LtcUnitLayer.

MEAN_ERROR_LOSS 

Initializes a parameter for the MeanErrorLossLayer, used with time series and other regression problems.

MATH 

Initializes a parameter for the MathLayer.

MEMORYDATA 

Initializes a parameter for the MemoryDataLayer.

MEMORY_LOSS 

Initializes a parameter for the MemoryLossLayer.

MERGE 

Initializes a parameter for the MergeLayer.


MISH 

Initializes a parameter for the MishLayer.


MULTIBOX_LOSS 

Initialize a parameter for the MultiBoxLossLayer.

MULTIHEAD_ATTENTION 

Initializes a parameter for the MultiheadAttentionLayer.

MULTIHEAD_ATTENTION_INTERP 

Initializes a parameter for the MultiheadAttentionInterpretableLayer

MULTINOMIALLOGISTIC_LOSS 

Initializes a parameter for the MultinomialLogisticLossLayer.

MVN 

Initializes a parameter for the MVNLayer.

NLL_LOSS 

Initializes a parameter for the NLLLossLayer

NUMERIC_TRANS 

Initializes a parameter for the NumericTransformationLayer

ONEHOT 

Initializes a parameter for the OneHotLayer.

PARAMETER 

Initializes a parameter for the ParameterLayer.

PERMUTE 

Initializes a parameter for the PermuteLayer used with SSD.

POOLING 

Initializes a parameter for the PoolingLayer.

POSITIONAL_ENCODER 

Initializes a parameter for the PositionalEncoderLayer.

POWER 

Initializes a parameter for the PowerLayer.

PRELU 

Initializes a parameter for the PReLULayer.

PRIORBOX 

Initializes a parameter for the PriorBoxLayer.

QUANTILE_ACCURACY 

Initializes a parameter for the QuantileAccuracyLayer used in TFT models.

QUANTILE_LOSS 

Initializes a parameter for the QuantileLossLayer used in TFT models.

REDUCTION 

Initializes a parameter for the ReductionLayer.

RELU 

Initializes a parameter for the ReLULayer.

RESHAPE 

Initializes a parameter for the ReshapeLayer.

RESHAPE_TEMPORAL 

Initializes a parameter for the ReshapeTemporalLayer.

SCALAR 

Initializes a parameter for the ScalarLayer.

SCALE 

Initializes a parameter for the ScaleLayer.

SERF 

Initializes a parameter for the SerfLayer.

SIGMOID 

Initializes a parameter for the SigmoidLayer.

SIGMOIDCROSSENTROPY_LOSS 

Initializes a parameter for the SigmoidCrossEntropyLossLayer.

SILU 

Initializes a parameter for the SiLULayer.

SOFTPLUS 

Initializes a parameter for the SoftPlusLayer.

SOFTMAXCROSSENTROPY_LOSS 

Initializes a parameter for the SoftmaxCrossEntropyLossLayer.

SOFTMAXCROSSENTROPY2_LOSS 

Initializes a parameter for the SoftmaxCrossEntropy2LossLayer.

SOFTMAX 

Initializes a parameter for the SoftmaxLayer.

SOFTMAXWITH_LOSS 

Initializes a parameter for the SoftmaxLossLayer.

SMOOTHL1_LOSS 

Intiializes a parameter for the SmoothL1LossLayer.

SPP 

Initializes a parameter for the SPPLayer.

SILENCE 

Initializes a parameter for the SilenceLayer.

SLICE 

Initializes a parameter for the SliceLayer.

SPLIT 

Initializes a parameter for the SplitLayer.

SQUEEZE 

Initializes a parameter for the SqueezeLayer.

UNSQUEEZE 

Initializes a parameter for the SqueezeLayer.

SWISH 

Initializes a parameter for the SwishLayer

MODEL_DATA 

Initializes a parameter for the ModelDataLayer.

TEXT_DATA 

Initializes a parameter for the TextDataLayer.

TV_LOSS 

Initializes a parameter for the TVLossLayer (used with Neural Style).

TANH 

Initializes a parameter for the TanhLayer.

THRESHOLD 

Initializes a parameter for the ThresholdLayer.

TILE 

Initializes a parameter for the TileLayer.

TRANSFORM 

Initializes a parameter for the DataTransformer.

TRANSFORMER_BLOCK 

Initializes a parameter for the TransformerBlockLayer.

TOKENIZED_DATA 

Initializes a parameter for the TransformerDataLayer.

TOKENIZED_DATA_PAIRS 

Initializes a parameter for the TransformerDataPairsLayer.

TOKENIZED_DATA_PAIRS_PY 

Initializes a parameter for the PythonTransformerDataPairsLayer.

TRANSPOSE 

Initializes a parameter for the TransposeLayer.

LSTM_SIMPLE 

Initializes a parameter for the LSTMSimpleLayer [DEPRECIATED].

LSTM_ATTENTION 

Initializes a parameter for the LSTMAttentionLayer.

RECURRENT 

Initializes a parameter for the RecurrentLayer.

RNN 

Initializes a parameter for the RNNLayer.

LSTM 

Initializes a parameter for the LSTMLayer.

LSTM_UNIT 

Initializes a parameter for the LSTMUnitLayer.

UNPOOLING1 

DEPRECIATED - Initializes a parameter for the UnpoolingLayer1 which uses a CPU based implementation (slower).

UNPOOLING 

Initializes a parameter for the UnpoolingLayer which uses a GPU based implementation (faster).

NORMALIZATION1 

Initializes a parameter for the Normalization1Layer.

NORMALIZATION2 

Initializes a parameter for the Normalization2Layer used with SSD.

TRIPLET_LOSS_SIMPLE 

Initializes a parameter for the TripletLossSimpleLayer.

TRIPLET_LOSS 

Initializes a parameter for the TripletLossLayer.

KNN 

Initializes a parameter for the KNNLayer.

DEBUG 

Initializes a parameter for the DebugLayer.

VIDEO_DATA 

Initializes a parameter for the VideoDataLayer.

VARSELNET 

Initializes a parameter for the VariableSelectionNetworkLayer

Definition at line 109 of file LayerParameter.cs.

◆ ONNX_CONVERSION_SUPPORT

Defines whether a layer node has ONNX conversion support or not.

Enumerator
NONE 

Specifies that there is no ONNX conversion support.

INFERENCE 

Specifies that there is ONNX inference conversion support.

INFERENCE_AND_TRAINING 

Specifies that there is both ONNX inference and training conversion support.

Definition at line 90 of file LayerParameter.cs.

Constructor & Destructor Documentation

◆ LayerParameter() [1/3]

MyCaffe.param.LayerParameter.LayerParameter ( )

Constructor for the parameter.

Definition at line 681 of file LayerParameter.cs.

◆ LayerParameter() [2/3]

MyCaffe.param.LayerParameter.LayerParameter ( LayerType  lt,
string  strName = null 
)

The LayerParameter constructor.

Parameters
ltAssignes this LayerType to the layer.
strNameAssigns this name to the layer.

Definition at line 694 of file LayerParameter.cs.

◆ LayerParameter() [3/3]

MyCaffe.param.LayerParameter.LayerParameter ( LayerParameter  p)

The LayerParameter constructor.

Parameters
pUsed to initialize the new LayerParameter.

Definition at line 715 of file LayerParameter.cs.

Member Function Documentation

◆ clear_blobs()

void MyCaffe.param.LayerParameter.clear_blobs ( )

Clears the collection of Blobs used by this layer.

Definition at line 2983 of file LayerParameter.cs.

◆ Clone()

virtual LayerParameter MyCaffe.param.LayerParameter.Clone ( bool  bCloneBlobs)
virtual

Creates a new copy of this instance of the parameter.

Returns
A new instance of this parameter is returned.

Reimplemented in MyCaffe.layers.LayerParameterEx< T >.

Definition at line 3043 of file LayerParameter.cs.

◆ CompareTo()

int MyCaffe.param.LayerParameter.CompareTo ( object  obj)

Constructor for the parameter.

Definition at line 3090 of file LayerParameter.cs.

◆ CopyDefaults()

void MyCaffe.param.LayerParameter.CopyDefaults ( LayerParameter  p)

Copies the defaults from another LayerParameter.

Parameters
pSpecifies the LayerParameter to copy.

Definition at line 787 of file LayerParameter.cs.

◆ CopyParameters()

void MyCaffe.param.LayerParameter.CopyParameters ( LayerParameter  src)

Copy just the layer specific parameters to this layer parameter.

Parameters
srcSpecifies the source who's specific layer parameters are to be compied.

Definition at line 3026 of file LayerParameter.cs.

◆ FromProto()

static LayerParameter MyCaffe.param.LayerParameter.FromProto ( RawProto  rp)
static

Parses the parameter from a RawProto.

Parameters
rpSpecifies the RawProto to parse.
Returns
A new instance of the parameter is returned.

Definition at line 3714 of file LayerParameter.cs.

◆ GetParameterCount()

int MyCaffe.param.LayerParameter.GetParameterCount ( )

Returns the number of ParamSpec parameters used by the layer.

Returns
The ParamSpec count is returned.

Definition at line 762 of file LayerParameter.cs.

◆ GetType()

static ? LayerType MyCaffe.param.LayerParameter.GetType ( string  strType)
static

Converts the string type into a LayerType, or null if no match is found.

Parameters
strTypeSpecifies the layer type.
Returns
The LayerType is returned, or null if not found.

Definition at line 4160 of file LayerParameter.cs.

◆ Load()

object MyCaffe.param.LayerParameter.Load ( BinaryReader  br,
bool  bNewInstance 
)

Load the parameter from a binary reader.

Parameters
brSpecifies the binary reader.
bNewInstanceWhen true a new instance is created (the default), otherwise the existing instance is loaded from the binary reader.
Returns
Returns an instance of the parameter.

Implements MyCaffe.basecode.IBinaryPersist.

Definition at line 901 of file LayerParameter.cs.

◆ MeetsPhase()

bool MyCaffe.param.LayerParameter.MeetsPhase ( Phase  phase)

Determines whether or not this LayerParameter meets a given Phase.

Parameters
phaseSpecifies the Phase.
Returns
Returns true if this LayerParameter meets the Phase, false otherwise.

Definition at line 830 of file LayerParameter.cs.

◆ PrepareRunModel()

void MyCaffe.param.LayerParameter.PrepareRunModel ( )

Prepare the layer settings for a run model.

Definition at line 750 of file LayerParameter.cs.

◆ PrepareRunModelInputs()

string MyCaffe.param.LayerParameter.PrepareRunModelInputs ( )

Prepare model inputs for the run-net (if any are needed for the layer).

Returns
The model input description or null is returned.

Definition at line 739 of file LayerParameter.cs.

◆ Save()

void MyCaffe.param.LayerParameter.Save ( BinaryWriter  bw)

Save this parameter to a binary writer.

Parameters
bwSpecifies the binary writer to use.

Implements MyCaffe.basecode.IBinaryPersist.

Definition at line 860 of file LayerParameter.cs.

◆ SetType()

void MyCaffe.param.LayerParameter.SetType ( LayerType  type,
bool  bNewParam = true 
)

Set the layer type.

Parameters
typeSpecifies the new layer type.
bNewParamOptionally, specifies to create new params (default = true).

Definition at line 1900 of file LayerParameter.cs.

◆ ToProto()

override RawProto MyCaffe.param.LayerParameter.ToProto ( string  strName)
virtual

Constructor for the parameter.

Implements MyCaffe.basecode.BaseParameter.

Definition at line 3522 of file LayerParameter.cs.

◆ ToString()

override string MyCaffe.param.LayerParameter.ToString ( )

Returns a string representation of the LayerParameter.

Returns

Definition at line 4636 of file LayerParameter.cs.

Member Data Documentation

◆ m_onnxConversionSupport

ONNX_CONVERSION_SUPPORT MyCaffe.param.LayerParameter.m_onnxConversionSupport = ONNX_CONVERSION_SUPPORT.NONE
protected

Specifies the level of conversion support for the layer.

Definition at line 28 of file LayerParameter.cs.

Property Documentation

◆ accuracy_param

AccuracyParameter MyCaffe.param.LayerParameter.accuracy_param
getset

Returns the parameter set when initialized with LayerType.ACCURACY

Definition at line 2035 of file LayerParameter.cs.

◆ annotated_data_param

AnnotatedDataParameter MyCaffe.param.LayerParameter.annotated_data_param
getset

Returns the parameter set when initialized with LayerType.ANNOTATED_DATA

Definition at line 2161 of file LayerParameter.cs.

◆ argmax_param

ArgMaxParameter MyCaffe.param.LayerParameter.argmax_param
getset

Returns the parameter set when initialized with LayerType.ARGMAX

Definition at line 2044 of file LayerParameter.cs.

◆ attention_param

AttentionParameter MyCaffe.param.LayerParameter.attention_param
getset

Returns the parameter set when initialized with LayerType.ATTENTION

Definition at line 2171 of file LayerParameter.cs.

◆ batch_norm_param

BatchNormParameter MyCaffe.param.LayerParameter.batch_norm_param
getset

Returns the parameter set when initialized with LayerType.BATCHNORM

Definition at line 2053 of file LayerParameter.cs.

◆ bias_param

BiasParameter MyCaffe.param.LayerParameter.bias_param
getset

Returns the parameter set when initialized with LayerType.BIAS

Definition at line 2062 of file LayerParameter.cs.

◆ blobs

List<BlobProto> MyCaffe.param.LayerParameter.blobs
getset

Specifies the blobs of the LayerParameter.

Definition at line 1972 of file LayerParameter.cs.

◆ bottom

List<string> MyCaffe.param.LayerParameter.bottom
getset

Specifies the active bottom connections (in the bottom, out the top).

Definition at line 1909 of file LayerParameter.cs.

◆ categorical_trans_param

CategoricalTransformationParameter MyCaffe.param.LayerParameter.categorical_trans_param
getset

Returns the parameter set when initialized with LayerType.CATEGORICAL_TRANS

Definition at line 2181 of file LayerParameter.cs.

◆ causal_self_attention_param

CausalSelfAttentionParameter MyCaffe.param.LayerParameter.causal_self_attention_param
getset

Returns the parameter set when initialized with LayerType.CAUSAL_SELF_ATTENTION

Definition at line 2190 of file LayerParameter.cs.

◆ cfc_param

CfcParameter MyCaffe.param.LayerParameter.cfc_param
getset

Returns the parameter set when initialized with LayerType.CFC

Definition at line 2071 of file LayerParameter.cs.

◆ cfc_unit_param

CfcUnitParameter MyCaffe.param.LayerParameter.cfc_unit_param
getset

Returns the parameter set when initialized with LayerType.CFC_UNIT

Definition at line 2080 of file LayerParameter.cs.

◆ clip_param

ClipParameter MyCaffe.param.LayerParameter.clip_param
getset

Returns the parameter set when initialized with LayerType.CLIP

Definition at line 2089 of file LayerParameter.cs.

◆ concat_param

ConcatParameter MyCaffe.param.LayerParameter.concat_param
getset

Returns the parameter set when initialized with LayerType.CONCAT

Definition at line 2098 of file LayerParameter.cs.

◆ connect_loss_event

bool MyCaffe.param.LayerParameter.connect_loss_event
getset

Get/set whether or not to connect the loss event to this layer.

Definition at line 1945 of file LayerParameter.cs.

◆ constant_param

ConstantParameter MyCaffe.param.LayerParameter.constant_param
getset

Returns the parameter set when initialized with LayerType.CONSTANT

Definition at line 2107 of file LayerParameter.cs.

◆ contrastive_loss_param

ContrastiveLossParameter MyCaffe.param.LayerParameter.contrastive_loss_param
getset

Returns the parameter set when initialized with LayerType.CONTRASTIVE_LOSS

Definition at line 2116 of file LayerParameter.cs.

◆ convolution_octave_param

ConvolutionOctaveParameter MyCaffe.param.LayerParameter.convolution_octave_param
getset

Returns the parameter set when initialized with LayerType.CONVOLUTION_OCTAVE

Definition at line 2134 of file LayerParameter.cs.

◆ convolution_param

ConvolutionParameter MyCaffe.param.LayerParameter.convolution_param
getset

Returns the parameter set when initialized with LayerType.CONVOLUTION

Definition at line 2125 of file LayerParameter.cs.

◆ crop_param

CropParameter MyCaffe.param.LayerParameter.crop_param
getset

Returns the parameter set when initialized with LayerType.CROP

Definition at line 2143 of file LayerParameter.cs.

◆ data_normalizer_param

DataNormalizerParameter MyCaffe.param.LayerParameter.data_normalizer_param
getset

Returns the parameter set when initialized with LayerType.DATA_NORMALIZER

Definition at line 2253 of file LayerParameter.cs.

◆ data_param

DataParameter MyCaffe.param.LayerParameter.data_param
getset

Returns the parameter set when initialized with LayerType.DATA

Definition at line 2244 of file LayerParameter.cs.

◆ data_sequence_param

DataSequenceParameter MyCaffe.param.LayerParameter.data_sequence_param
getset

Returns the parameter set when initialized with LayerType.DATA_SEQUENCE

Definition at line 2262 of file LayerParameter.cs.

◆ data_temporal_param

DataTemporalParameter MyCaffe.param.LayerParameter.data_temporal_param
getset

Returns the parameter set when initialized with LayerType.DATA_TEMPORAL

Definition at line 2271 of file LayerParameter.cs.

◆ debug_param

DebugParameter MyCaffe.param.LayerParameter.debug_param
getset

Returns the parameter set when initialized with LayerType.DEBUG

Definition at line 2280 of file LayerParameter.cs.

◆ decode_param

DecodeParameter MyCaffe.param.LayerParameter.decode_param
getset

Returns the parameter set when initializing with LayerType.DECODE or LayerType.ACCURACY_ENCODING;

Definition at line 2152 of file LayerParameter.cs.

◆ detection_evaluate_param

DetectionEvaluateParameter MyCaffe.param.LayerParameter.detection_evaluate_param
getset

Returns the parmeter set when initialized with LayerType.DETECTION_EVALUATE

Definition at line 2226 of file LayerParameter.cs.

◆ detection_output_param

DetectionOutputParameter MyCaffe.param.LayerParameter.detection_output_param
getset

Returns the parmeter set when initialized with LayerType.DETECTION_OUTPUT

Definition at line 2235 of file LayerParameter.cs.

◆ dropout_param

DropoutParameter MyCaffe.param.LayerParameter.dropout_param
getset

Returns the parameter set when initialized with LayerType.DROPOUT

Definition at line 2289 of file LayerParameter.cs.

◆ dummy_data_param

DummyDataParameter MyCaffe.param.LayerParameter.dummy_data_param
getset

Returns the parameter set when initialized with LayerType.DUMMYDATA

Definition at line 2298 of file LayerParameter.cs.

◆ eltwise_param

EltwiseParameter MyCaffe.param.LayerParameter.eltwise_param
getset

Returns the parameter set when initialized with LayerType.ELTWISE

Definition at line 2307 of file LayerParameter.cs.

◆ elu_param

EluParameter MyCaffe.param.LayerParameter.elu_param
getset

Returns the parameter set when initialized with LayerType.ELU

Definition at line 2316 of file LayerParameter.cs.

◆ embed_param

EmbedParameter MyCaffe.param.LayerParameter.embed_param
getset

Returns the parameter set when initialized with LayerType.EMBED

Definition at line 2325 of file LayerParameter.cs.

◆ exclude

List<NetStateRule> MyCaffe.param.LayerParameter.exclude
getset

Specifies the NetStateRule's for which this LayerParameter should be excluded.

Definition at line 1999 of file LayerParameter.cs.

◆ exp_param

ExpParameter MyCaffe.param.LayerParameter.exp_param
getset

Returns the parameter set when initialized with LayerType.EXP

Definition at line 2334 of file LayerParameter.cs.

◆ expected_bottom

List<string> MyCaffe.param.LayerParameter.expected_bottom
get

Returns a list of expected bottom connections (in the bottom, out the top).

Definition at line 3017 of file LayerParameter.cs.

◆ expected_top

List<string> MyCaffe.param.LayerParameter.expected_top
get

Returns a list of expected top connections (in the bottom, out the top).

Definition at line 3009 of file LayerParameter.cs.

◆ flatten_param

FlattenParameter MyCaffe.param.LayerParameter.flatten_param
getset

Returns the parameter set when initialized with LayerType.FLATTEN

Definition at line 2343 of file LayerParameter.cs.

◆ freeze_learning

bool MyCaffe.param.LayerParameter.freeze_learning
getset

Get/set whether or not to freeze the learning for this layer globally.

Definition at line 1936 of file LayerParameter.cs.

◆ gateaddnorm_param

GateAddNormParameter MyCaffe.param.LayerParameter.gateaddnorm_param
getset

Returns the parameter set when initialized with LayerType.GLU

Definition at line 2361 of file LayerParameter.cs.

◆ gather_param

GatherParameter MyCaffe.param.LayerParameter.gather_param
getset

Returns the parameter set when initialized with LayerType.GATHER

Definition at line 2352 of file LayerParameter.cs.

◆ gelu_param

GeluParameter MyCaffe.param.LayerParameter.gelu_param
getset

Returns the parameter set when initialized with LayerType.GELU

Definition at line 2370 of file LayerParameter.cs.

◆ glu_param

GluParameter MyCaffe.param.LayerParameter.glu_param
getset

Returns the parameter set when initialized with LayerType.GLU

Definition at line 2379 of file LayerParameter.cs.

◆ gradient_scale_param

GradientScaleParameter MyCaffe.param.LayerParameter.gradient_scale_param
getset

Returns the parameter set when initialized with LayerType.GSL

Definition at line 2397 of file LayerParameter.cs.

◆ gram_param

GramParameter MyCaffe.param.LayerParameter.gram_param
getset

Returns the parameter set when initialized with LayerType.GRAM

Definition at line 2406 of file LayerParameter.cs.

◆ grn_param

GrnParameter MyCaffe.param.LayerParameter.grn_param
getset

Returns the parameter set when initialized with LayerType.GLU

Definition at line 2388 of file LayerParameter.cs.

◆ group_start

bool MyCaffe.param.LayerParameter.group_start
getset

Specifies whether or not this node is the start of a new group - this is only used when rendering models.

Definition at line 2008 of file LayerParameter.cs.

◆ hdf5_data_param

HDF5DataParameter MyCaffe.param.LayerParameter.hdf5_data_param
getset

Returns the parameter set when initialized with LayerType.HDF5_DATA

Definition at line 2415 of file LayerParameter.cs.

◆ hinge_loss_param

HingeLossParameter MyCaffe.param.LayerParameter.hinge_loss_param
getset

Returns the parameter set when initialized with LayerType.HINGE_LOSS

Definition at line 2424 of file LayerParameter.cs.

◆ image_data_param

ImageDataParameter MyCaffe.param.LayerParameter.image_data_param
getset

Returns the parameter set when initialized with LayerType.IMAGE_DATA

Definition at line 2433 of file LayerParameter.cs.

◆ include

List<NetStateRule> MyCaffe.param.LayerParameter.include
getset

Specifies the NetStateRule's for which this LayerParameter should be included.

Definition at line 1990 of file LayerParameter.cs.

◆ infogain_loss_param

InfogainLossParameter MyCaffe.param.LayerParameter.infogain_loss_param
getset

Returns the parameter set when initialized with LayerType.INFOGAIN_LOSS

Definition at line 2442 of file LayerParameter.cs.

◆ inner_product_param

InnerProductParameter MyCaffe.param.LayerParameter.inner_product_param
getset

Returns the parameter set when initialized with LayerType.INNERPRODUCT

Definition at line 2451 of file LayerParameter.cs.

◆ input_param

InputParameter MyCaffe.param.LayerParameter.input_param
getset

Returns the parameter set when initialized with LayerType.INPUT

Definition at line 2956 of file LayerParameter.cs.

◆ interp_param

InterpParameter MyCaffe.param.LayerParameter.interp_param
getset

Returns the parameter set when initializing the LayerType.INTERP

Definition at line 2460 of file LayerParameter.cs.

◆ knn_param

KnnParameter MyCaffe.param.LayerParameter.knn_param
getset

Returns the parameter set when initialized with LayerType.KNN

Definition at line 2469 of file LayerParameter.cs.

◆ labelmapping_param

LabelMappingParameter MyCaffe.param.LayerParameter.labelmapping_param
getset

Returns the parameter set when initialized with LayerType.LABELMAPPING

Definition at line 2478 of file LayerParameter.cs.

◆ layer_norm_param

LayerNormParameter MyCaffe.param.LayerParameter.layer_norm_param
getset

Returns the parameter set when initialized with LayerType.LAYERNORM

Definition at line 2487 of file LayerParameter.cs.

◆ log_param

LogParameter MyCaffe.param.LayerParameter.log_param
getset

Returns the parameter set when initialized with LayerType.LOG

Definition at line 2496 of file LayerParameter.cs.

◆ loss_param

LossParameter MyCaffe.param.LayerParameter.loss_param
getset

Returns the parameter set when initialized with LayerType.LOSS

Definition at line 2026 of file LayerParameter.cs.

◆ loss_weight

List<double> MyCaffe.param.LayerParameter.loss_weight
getset

Specifies the loss weight.

Definition at line 1954 of file LayerParameter.cs.

◆ lrn_param

LRNParameter MyCaffe.param.LayerParameter.lrn_param
getset

Returns the parameter set when initialized with LayerType.LRN

Definition at line 2505 of file LayerParameter.cs.

◆ lstm_attention_param

LSTMAttentionParameter MyCaffe.param.LayerParameter.lstm_attention_param
getset

Returns the parameter set when initialized with LayerType.LSTM_ATTENTION

Definition at line 2938 of file LayerParameter.cs.

◆ lstm_simple_param

LSTMSimpleParameter MyCaffe.param.LayerParameter.lstm_simple_param
getset

[DEPRECIATED] Returns the parameter set when initialized with LayerType.LSTM_SIMPLE

Definition at line 2929 of file LayerParameter.cs.

◆ ltc_unit_param

LtcUnitParameter MyCaffe.param.LayerParameter.ltc_unit_param
getset

Returns the parameter set when initialized with LayerType.LTC_UNIT

Definition at line 2514 of file LayerParameter.cs.

◆ math_param

MathParameter MyCaffe.param.LayerParameter.math_param
getset

Returns the parameter set when initialized with LayerType.MATH

Definition at line 2532 of file LayerParameter.cs.

◆ mean_error_loss_param

MeanErrorLossParameter MyCaffe.param.LayerParameter.mean_error_loss_param
getset

Returns the parameter set when initialized with LayerType.MEAN_ERROR_LOSS

Definition at line 2523 of file LayerParameter.cs.

◆ memory_data_param

MemoryDataParameter MyCaffe.param.LayerParameter.memory_data_param
getset

Returns the parameter set when initialized with LayerType.MEMORY_DATA

Definition at line 2550 of file LayerParameter.cs.

◆ merge_param

MergeParameter MyCaffe.param.LayerParameter.merge_param
getset

Returns the parameter set when initialized with LayerType.MERGE

Definition at line 2541 of file LayerParameter.cs.

◆ mish_param

MishParameter MyCaffe.param.LayerParameter.mish_param
getset

Returns the parameter set when initialized with LayerType.MISH

Definition at line 2559 of file LayerParameter.cs.

◆ model_data_param

ModelDataParameter MyCaffe.param.LayerParameter.model_data_param
getset

Returns the parameter set when initialized with LayerType.MODEL_DATA

Definition at line 2839 of file LayerParameter.cs.

◆ multiboxloss_param

MultiBoxLossParameter MyCaffe.param.LayerParameter.multiboxloss_param
getset

Returns the parameter set when initializing with LayerType.MULTIBOX_LOSS

Definition at line 2568 of file LayerParameter.cs.

◆ multihead_attention_interp_param

MultiHeadAttentionInterpParameter MyCaffe.param.LayerParameter.multihead_attention_interp_param
getset

Returns the parameter set when initialized with LayerType.MULTIHEAD_ATTENTION_INTERP

Definition at line 2208 of file LayerParameter.cs.

◆ multihead_attention_param

MultiheadAttentionParameter MyCaffe.param.LayerParameter.multihead_attention_param
getset

Returns the parameter set when initialized with LayerType.MULTIHEAD_ATTENTION

Definition at line 2199 of file LayerParameter.cs.

◆ mvn_param

MVNParameter MyCaffe.param.LayerParameter.mvn_param
getset

Returns the parameter set when initialized with LayerType.MVN

Definition at line 2577 of file LayerParameter.cs.

◆ name

string MyCaffe.param.LayerParameter.name
getset

Specifies the name of this LayerParameter.

Definition at line 1864 of file LayerParameter.cs.

◆ nll_loss_param

NLLLossParameter MyCaffe.param.LayerParameter.nll_loss_param
getset

Returns the parameter set when initialized with LayerType.NLL_LOSS

Definition at line 2586 of file LayerParameter.cs.

◆ normalization1_param

Normalization1Parameter MyCaffe.param.LayerParameter.normalization1_param
getset

Returns the parameter set when initialized with LayerType.NORMALIZATION1

Definition at line 2613 of file LayerParameter.cs.

◆ normalization2_param

Normalization2Parameter MyCaffe.param.LayerParameter.normalization2_param
getset

Returns the parameter set when initialized with LayerType.NORMALIZATION2

Definition at line 2622 of file LayerParameter.cs.

◆ numeric_trans_param

NumericTransformationParameter MyCaffe.param.LayerParameter.numeric_trans_param
getset

Returns the parameter set when initialized with LayerType.NUMERIC_TRANS

Definition at line 2595 of file LayerParameter.cs.

◆ onehot_param

OneHotParameter MyCaffe.param.LayerParameter.onehot_param
getset

Returns the parameter set when initialized with LayerType.ONEHOT

Definition at line 2604 of file LayerParameter.cs.

◆ onnx_conversion_support

ONNX_CONVERSION_SUPPORT MyCaffe.param.LayerParameter.onnx_conversion_support
get

Returns the level of Onnx conversion support.

Definition at line 1890 of file LayerParameter.cs.

◆ parameter_param

ParameterParameter MyCaffe.param.LayerParameter.parameter_param
getset

Returns the parameter set when initialized with LayerType.PARAMETER

Definition at line 2649 of file LayerParameter.cs.

◆ parameters

List<ParamSpec> MyCaffe.param.LayerParameter.parameters
getset

Specifies the ParamSpec parameters of the LayerParameter.

Definition at line 1963 of file LayerParameter.cs.

◆ permute_param

PermuteParameter MyCaffe.param.LayerParameter.permute_param
getset

Returns the parameter set when initialized with LayerType.PERMUTE

Definition at line 2658 of file LayerParameter.cs.

◆ phase

Phase MyCaffe.param.LayerParameter.phase
getset

Specifies the Phase for which this LayerParameter is run.

Definition at line 1927 of file LayerParameter.cs.

◆ pooling_param

PoolingParameter MyCaffe.param.LayerParameter.pooling_param
getset

Returns the parameter set when initialized with LayerType.POOLING

Definition at line 2631 of file LayerParameter.cs.

◆ positional_encoder_param

PositionalEncoderParameter MyCaffe.param.LayerParameter.positional_encoder_param
getset

Returns the parameter set when initialized with LayerType.POSITIONAL_ENCODER

Definition at line 2217 of file LayerParameter.cs.

◆ power_param

PowerParameter MyCaffe.param.LayerParameter.power_param
getset

Returns the parameter set when initialized with LayerType.POWER

Definition at line 2667 of file LayerParameter.cs.

◆ prelu_param

PReLUParameter MyCaffe.param.LayerParameter.prelu_param
getset

Returns the parameter set when initialized with LayerType.PRELU

Definition at line 2676 of file LayerParameter.cs.

◆ prior_box_param

PriorBoxParameter MyCaffe.param.LayerParameter.prior_box_param
getset

Returns the parameter set when initialized with LayerType.PRIORBOX

Definition at line 2685 of file LayerParameter.cs.

◆ propagate_down

List<bool> MyCaffe.param.LayerParameter.propagate_down
getset

Specifies whether or not the LayerParameter (or protions of) should be backpropagated.

Definition at line 1981 of file LayerParameter.cs.

◆ quantile_accuracy_param

QuantileAccuracyParameter MyCaffe.param.LayerParameter.quantile_accuracy_param
getset

Returns the parameter set when initialized with LayerType.QUANTILE_ACCURACY

Definition at line 2694 of file LayerParameter.cs.

◆ quantile_loss_param

QuantileLossParameter MyCaffe.param.LayerParameter.quantile_loss_param
getset

Returns the parameter set when initialized with LayerType.QUANTILE_LOSS

Definition at line 2703 of file LayerParameter.cs.

◆ recurrent_param

RecurrentParameter MyCaffe.param.LayerParameter.recurrent_param
getset

Returns the parameter set when initialized with LayerType.RECURRENT

Definition at line 2947 of file LayerParameter.cs.

◆ reduction_param

ReductionParameter MyCaffe.param.LayerParameter.reduction_param
getset

Returns the parameter set when initialized with LayerType.REDUCTION

Definition at line 2712 of file LayerParameter.cs.

◆ relu_param

ReLUParameter MyCaffe.param.LayerParameter.relu_param
getset

Returns the parameter set when initialized with LayerType.RELU

Definition at line 2721 of file LayerParameter.cs.

◆ reshape_param

ReshapeParameter MyCaffe.param.LayerParameter.reshape_param
getset

Returns the parameter set when initialized with LayerType.RESHAPE

Definition at line 2730 of file LayerParameter.cs.

◆ reshape_temporal_param

ReshapeTemporalParameter MyCaffe.param.LayerParameter.reshape_temporal_param
getset

Returns the parameter set when initialized with LayerType.RESHAPE_TEMPORAL

Definition at line 2739 of file LayerParameter.cs.

◆ scalar_param

ScalarParameter MyCaffe.param.LayerParameter.scalar_param
getset

Returns the parameter set when initialized with LayerType.SCALAR

Definition at line 2757 of file LayerParameter.cs.

◆ scale_param

ScaleParameter MyCaffe.param.LayerParameter.scale_param
getset

Returns the parameter set when initialized with LayerType.SCALE

Definition at line 2766 of file LayerParameter.cs.

◆ serf_param

SerfParameter MyCaffe.param.LayerParameter.serf_param
getset

Returns the parameter set when initialized with LayerType.SERF

Definition at line 2775 of file LayerParameter.cs.

◆ sigmoid_param

SigmoidParameter MyCaffe.param.LayerParameter.sigmoid_param
getset

Returns the parameter set when initialized with LayerType.SIGMOID

Definition at line 2784 of file LayerParameter.cs.

◆ slice_param

SliceParameter MyCaffe.param.LayerParameter.slice_param
getset

Returns the parameter set when initialized with LayerType.SLICE

Definition at line 2811 of file LayerParameter.cs.

◆ softmax_param

SoftmaxParameter MyCaffe.param.LayerParameter.softmax_param
getset

Returns the parameter set when initialized with LayerType.SOFTMAX

Definition at line 2793 of file LayerParameter.cs.

◆ solver_count

int MyCaffe.param.LayerParameter.solver_count
getset

Returns the number of Solvers participating in a multi-GPU session for which the Solver using this LayerParameter is associated.

Definition at line 2991 of file LayerParameter.cs.

◆ solver_rank

int MyCaffe.param.LayerParameter.solver_rank
getset

Returns the SolverRank of the Solver using this LayerParameter (if any).

Definition at line 3000 of file LayerParameter.cs.

◆ spp_param

SPPParameter MyCaffe.param.LayerParameter.spp_param
getset

Returns the parameter set when initialized with LayerType.SPP

Definition at line 2802 of file LayerParameter.cs.

◆ squeeze_param

SqueezeParameter MyCaffe.param.LayerParameter.squeeze_param
getset

Returns the parameter set when initialized with LayerType.RESHAPE

Definition at line 2748 of file LayerParameter.cs.

◆ swish_param

SwishParameter MyCaffe.param.LayerParameter.swish_param
getset

Returns the parameter set when initialized with LayerType.SWISH

Definition at line 2821 of file LayerParameter.cs.

◆ tanh_param

TanhParameter MyCaffe.param.LayerParameter.tanh_param
getset

Returns the parameter set when initialized with LayerType.TANH

Definition at line 2830 of file LayerParameter.cs.

◆ text_data_param

TextDataParameter MyCaffe.param.LayerParameter.text_data_param
getset

Returns the parameter set when initialized with LayerType.TEXT_DATA

Definition at line 2848 of file LayerParameter.cs.

◆ threshold_param

ThresholdParameter MyCaffe.param.LayerParameter.threshold_param
getset

Returns the parameter set when initialized with LayerType.THRESHOLD

Definition at line 2857 of file LayerParameter.cs.

◆ tile_param

TileParameter MyCaffe.param.LayerParameter.tile_param
getset

Returns the parameter set when initialized with LayerType.TILE

Definition at line 2866 of file LayerParameter.cs.

◆ tokenized_data_pairs_param

TokenizedDataPairsParameter MyCaffe.param.LayerParameter.tokenized_data_pairs_param
getset

Returns the parameter set when initialized with LayerType.TOKENIZED_DATA_PAIRS

Definition at line 2902 of file LayerParameter.cs.

◆ tokenized_data_param

TokenizedDataParameter MyCaffe.param.LayerParameter.tokenized_data_param
getset

Returns the parameter set when initialized with LayerType.TOKENIZED_DATA

Definition at line 2893 of file LayerParameter.cs.

◆ top

List<string> MyCaffe.param.LayerParameter.top
getset

Specifies the active top connections (in the bottom, out the top)

Definition at line 1918 of file LayerParameter.cs.

◆ transform_param

TransformationParameter MyCaffe.param.LayerParameter.transform_param
getset

Returns the parameter set when initialized with LayerType.TRANSFORM

Definition at line 2017 of file LayerParameter.cs.

◆ transformer_block_param

TransformerBlockParameter MyCaffe.param.LayerParameter.transformer_block_param
getset

Returns the parameter set when initialized with LayerType.TRANSFORMER_BLOCK

Definition at line 2884 of file LayerParameter.cs.

◆ transpose_param

TransposeParameter MyCaffe.param.LayerParameter.transpose_param
getset

Returns the parameter set when initialized with LayerType.TRANSPOSE

Definition at line 2875 of file LayerParameter.cs.

◆ triplet_loss_param

TripletLossParameter MyCaffe.param.LayerParameter.triplet_loss_param
getset

Returns the parameter set when initialized with LayerType.TRIPLET_LOSS

Definition at line 2911 of file LayerParameter.cs.

◆ tv_loss_param

TVLossParameter MyCaffe.param.LayerParameter.tv_loss_param
getset

Returns the parameter set when initialized with LayerType.TV_LOSS

Definition at line 2920 of file LayerParameter.cs.

◆ type

LayerType MyCaffe.param.LayerParameter.type
get

Specifies the type of this LayerParameter.

Definition at line 1873 of file LayerParameter.cs.

◆ unpooling_param

UnPoolingParameter MyCaffe.param.LayerParameter.unpooling_param
getset

Returns the parameter set when initialized with LayerType.UNPOOLING

Definition at line 2640 of file LayerParameter.cs.

◆ use_halfsize

bool MyCaffe.param.LayerParameter.use_halfsize
getset

Specifies whether or not to use half sized memory or not.

Definition at line 1881 of file LayerParameter.cs.

◆ varselnet_param

VarSelNetParameter MyCaffe.param.LayerParameter.varselnet_param
getset

Returns the parameter set when initialized with LayerType.VARSELNET

Definition at line 2974 of file LayerParameter.cs.

◆ video_data_param

VideoDataParameter MyCaffe.param.LayerParameter.video_data_param
getset

Returns the parameter set when initialized with LayerType.VIDEO_DATA

Definition at line 2965 of file LayerParameter.cs.


The documentation for this class was generated from the following file: