MyCaffe  1.12.2.41
Deep learning software for Windows C# programmers.
MyCaffe.layers.LayerParameterEx< T > Class Template Reference

The LayerParameterEx class is used when sharing another Net to conserve GPU memory and extends the LayerParameter with shared Blobs for this purpose. More...

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

Public Member Functions

 LayerParameterEx (LayerParameter p, BlobCollection< T > colBlobs, BlobCollection< T > colLayerBlobs, Layer< T > sharedLayer)
 The LayerParameterEx constructor. More...
 
override LayerParameter Clone (bool bCloneBlobs)
 Creates and returns a new copy of this instance. More...
 
- Public Member Functions inherited from MyCaffe.param.LayerParameter
 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...
 
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...
 

Properties

Layer< T > SharedLayer [get]
 Returns the layer in the shared Net that matches this one. More...
 
BlobCollection< T > SharedBlobs [get]
 Returns the shared parameter Blobs. More...
 
BlobCollection< T > SharedLayerBlobs [get]
 Returns the shared Layer Blobs. More...
 
- Properties inherited from MyCaffe.param.LayerParameter
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...
 

Additional Inherited Members

- Public Types inherited from MyCaffe.param.LayerParameter
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...
 
- Static Public Member Functions inherited from MyCaffe.param.LayerParameter
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 inherited from MyCaffe.param.LayerParameter
ONNX_CONVERSION_SUPPORT m_onnxConversionSupport = ONNX_CONVERSION_SUPPORT.NONE
 Specifies the level of conversion support for the layer. More...
 

Detailed Description

The LayerParameterEx class is used when sharing another Net to conserve GPU memory and extends the LayerParameter with shared Blobs for this purpose.

Template Parameters
TSpecifies the base type float or double. Using float is recommended to conserve GPU memory.

Definition at line 1749 of file Layer.cs.

Constructor & Destructor Documentation

◆ LayerParameterEx()

MyCaffe.layers.LayerParameterEx< T >.LayerParameterEx ( LayerParameter  p,
BlobCollection< T >  colBlobs,
BlobCollection< T >  colLayerBlobs,
Layer< T >  sharedLayer 
)

The LayerParameterEx constructor.

Parameters
pSpecifies the original LayerParameter that is wrapped.
colBlobsSpecifies the Net parameter Blobs to share.
colLayerBlobsSpecifies the Net layer Blobs to share.
sharedLayerSpecifies the shared Net layer matching this one that we are creating.

Definition at line 1762 of file Layer.cs.

Member Function Documentation

◆ Clone()

override LayerParameter MyCaffe.layers.LayerParameterEx< T >.Clone ( bool  bCloneBlobs)
virtual

Creates and returns a new copy of this instance.

Parameters
bCloneBlobsSpecifies whether or not to clone (or just share) the shared Blobs.
Returns
The cloned LayerParameter is returned.

Reimplemented from MyCaffe.param.LayerParameter.

Definition at line 1799 of file Layer.cs.

Property Documentation

◆ SharedBlobs

Returns the shared parameter Blobs.

Definition at line 1781 of file Layer.cs.

◆ SharedLayer

Layer<T> MyCaffe.layers.LayerParameterEx< T >.SharedLayer
get

Returns the layer in the shared Net that matches this one.

Definition at line 1773 of file Layer.cs.

◆ SharedLayerBlobs

BlobCollection<T> MyCaffe.layers.LayerParameterEx< T >.SharedLayerBlobs
get

Returns the shared Layer Blobs.

Definition at line 1789 of file Layer.cs.


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