package object_detection.protos

Mouse Melon logoGet desktop application:
View/edit binary Protocol Buffers messages

message AdamOptimizer

optimizer.proto:37

Configuration message for the AdamOptimizer See: https://www.tensorflow.org/api_docs/python/tf/train/AdamOptimizer

Used in: Optimizer

message AnchorGenerator

anchor_generator.proto:10

Configuration proto for the anchor generator to use in the object detection pipeline. See core/anchor_generator.py for details.

Used in: FasterRcnn, Ssd

message ArgMaxMatcher

argmax_matcher.proto:7

Configuration proto for ArgMaxMatcher. See matchers/argmax_matcher.py for details.

Used in: Matcher

message BatchNonMaxSuppression

post_processing.proto:7

Configuration proto for non-max-suppression operation on a batch of detections.

Used in: PostProcessing

message BatchNorm

hyperparams.proto:94

Configuration proto for batch norm to apply after convolution op. See https://www.tensorflow.org/api_docs/python/tf/contrib/layers/batch_norm

Used in: Hyperparams

message BipartiteMatcher

bipartite_matcher.proto:7

Configuration proto for bipartite matcher. See matchers/bipartite_matcher.py for details.

Used in: Matcher

(message has no fields)

message BootstrappedSigmoidClassificationLoss

losses.proto:87

Classification loss using a sigmoid function over the class prediction with the highest prediction score.

Used in: ClassificationLoss

message BoxCoder

box_coder.proto:12

Configuration proto for the box coder to be used in the object detection pipeline. See core/box_coder.py for details.

Used in: Ssd

message BoxPredictor

box_predictor.proto:9

Configuration proto for box predictor. See core/box_predictor.py for details.

Used in: FasterRcnn, Ssd

message ClassificationLoss

losses.proto:51

Configuration for class prediction loss function.

Used in: FasterRcnn, Loss

message ConstantLearningRate

optimizer.proto:52

Configuration message for a constant learning rate.

Used in: LearningRate

message ConvolutionalBoxPredictor

box_predictor.proto:18

Configuration proto for Convolutional box predictor.

Used in: BoxPredictor

message CosineDecayLearningRate

optimizer.proto:78

Configuration message for a cosine decaying learning rate as defined in object_detection/utils/learning_schedules.py

Used in: LearningRate

message DetectionModel

model.proto:9

Top level configuration for DetectionModels.

Used in: TrainEvalPipelineConfig

message EvalConfig

eval.proto:6

Message for configuring DetectionModel evaluation jobs (eval.py).

Used in: TrainEvalPipelineConfig

message ExponentialDecayLearningRate

optimizer.proto:59

Configuration message for an exponentially decaying learning rate. See https://www.tensorflow.org/versions/master/api_docs/python/train/ \ decaying_the_learning_rate#exponential_decay

Used in: LearningRate

message ExternalInputReader

input_reader.proto:58

An externally defined input reader. Users may define an extension to this proto to interface their own input readers.

Used in: InputReader

(message has no fields)

message FasterRcnn

faster_rcnn.proto:20

Configuration for Faster R-CNN models. See meta_architectures/faster_rcnn_meta_arch.py and models/model_builder.py Naming conventions: Faster R-CNN models have two stages: a first stage region proposal network (or RPN) and a second stage box classifier. We thus use the prefixes `first_stage_` and `second_stage_` to indicate the stage to which each parameter pertains when relevant.

Used in: DetectionModel

message FasterRcnnBoxCoder

faster_rcnn_box_coder.proto:7

Configuration proto for FasterRCNNBoxCoder. See box_coders/faster_rcnn_box_coder.py for details.

Used in: BoxCoder

message FasterRcnnFeatureExtractor

faster_rcnn.proto:137

Used in: FasterRcnn

message FixedShapeResizer

image_resizer.proto:35

Configuration proto for image resizer that resizes to a fixed shape.

Used in: ImageResizer

message GridAnchorGenerator

grid_anchor_generator.proto:7

Configuration proto for GridAnchorGenerator. See anchor_generators/grid_anchor_generator.py for details.

Used in: AnchorGenerator

message HardExampleMiner

losses.proto:101

Configuation for hard example miner.

Used in: FasterRcnn, Loss

enum HardExampleMiner.LossType

losses.proto:113

Whether to use classification losses ('cls', default), localization losses ('loc') or both losses ('both'). In the case of 'both', cls_loss_weight and loc_loss_weight are used to compute weighted sum of the two losses.

Used in: HardExampleMiner

message Hyperparams

hyperparams.proto:7

Configuration proto for the convolution op hyperparameters to use in the object detection pipeline.

Used in: ConvolutionalBoxPredictor, FasterRcnn, MaskRCNNBoxPredictor, RfcnBoxPredictor, SsdFeatureExtractor

enum Hyperparams.Activation

hyperparams.proto:26

Type of activation to apply after convolution.

Used in: Hyperparams

enum Hyperparams.Op

hyperparams.proto:10

Operations affected by hyperparameters.

Used in: Hyperparams

message ImageResizer

image_resizer.proto:7

Configuration proto for image resizing operations. See builders/image_resizer_builder.py for details.

Used in: FasterRcnn, Ssd

message Initializer

hyperparams.proto:64

Proto with one-of field for initializers.

Used in: Hyperparams

message InputReader

input_reader.proto:18

Used in: TrainEvalPipelineConfig

message IoaSimilarity

region_similarity_calculator.proto:24

Configuration for intersection-over-area (IOA) similarity calculator.

Used in: RegionSimilarityCalculator

(message has no fields)

message IouSimilarity

region_similarity_calculator.proto:20

Configuration for intersection-over-union (IOU) similarity calculator.

Used in: RegionSimilarityCalculator

(message has no fields)

message KeepAspectRatioResizer

image_resizer.proto:23

Configuration proto for image resizer that keeps aspect ratio.

Used in: ImageResizer

message KeypointBoxCoder

keypoint_box_coder.proto:7

Configuration proto for KeypointBoxCoder. See box_coders/keypoint_box_coder.py for details.

Used in: BoxCoder

message L1Regularizer

hyperparams.proto:53

Configuration proto for L1 Regularizer. See https://www.tensorflow.org/api_docs/python/tf/contrib/layers/l1_regularizer

Used in: Regularizer

message L2Regularizer

hyperparams.proto:59

Configuration proto for L2 Regularizer. See https://www.tensorflow.org/api_docs/python/tf/contrib/layers/l2_regularizer

Used in: Regularizer

message LearningRate

optimizer.proto:42

Configuration message for optimizer learning rate.

Used in: AdamOptimizer, MomentumOptimizer, RMSPropOptimizer

message LocalizationLoss

losses.proto:26

Configuration for bounding box localization loss function.

Used in: Loss

message Loss

losses.proto:8

Message for configuring the localization loss, classification loss and hard example miner used for training object detection models. See core/losses.py for details

Used in: Ssd

message ManualStepLearningRate

optimizer.proto:67

Configuration message for a manually defined learning rate schedule.

Used in: LearningRate

message ManualStepLearningRate.LearningRateSchedule

optimizer.proto:69

Used in: ManualStepLearningRate

message MaskRCNNBoxPredictor

box_predictor.proto:55

Used in: BoxPredictor

message Matcher

matcher.proto:10

Configuration proto for the matcher to be used in the object detection pipeline. See core/matcher.py for details.

Used in: Ssd

message MeanStddevBoxCoder

mean_stddev_box_coder.proto:7

Configuration proto for MeanStddevBoxCoder. See box_coders/mean_stddev_box_coder.py for details.

Used in: BoxCoder

(message has no fields)

message MomentumOptimizer

optimizer.proto:30

Configuration message for the MomentumOptimizer See: https://www.tensorflow.org/api_docs/python/tf/train/MomentumOptimizer

Used in: Optimizer

message NegSqDistSimilarity

region_similarity_calculator.proto:16

Configuration for negative squared distance similarity calculator.

Used in: RegionSimilarityCalculator

(message has no fields)

message NormalizeImage

preprocessor.proto:41

Normalizes pixel values in an image. For every channel in the image, moves the pixel values from the range [original_minval, original_maxval] to [target_minval, target_maxval].

Used in: PreprocessingStep

message Optimizer

optimizer.proto:9

Top level optimizer message.

Used in: TrainConfig

message PostProcessing

post_processing.proto:24

Configuration proto for post-processing predicted boxes and scores.

Used in: FasterRcnn, Ssd

enum PostProcessing.ScoreConverter

post_processing.proto:29

Enum to specify how to convert the detection scores.

Used in: PostProcessing

message PreprocessingStep

preprocessor.proto:7

Message for defining a preprocessing operation on input data. See: //object_detection/core/preprocessor.py

Used in: TrainConfig

message RMSPropOptimizer

optimizer.proto:21

Configuration message for the RMSPropOptimizer See: https://www.tensorflow.org/api_docs/python/tf/train/RMSPropOptimizer

Used in: Optimizer

message RandomAdjustBrightness

preprocessor.proto:106

Randomly changes image brightness by up to max_delta. Image outputs will be saturated between 0 and 1.

Used in: PreprocessingStep

message RandomAdjustContrast

preprocessor.proto:111

Randomly scales contract by a value between [min_delta, max_delta].

Used in: PreprocessingStep

message RandomAdjustHue

preprocessor.proto:117

Randomly alters hue by a value of up to max_delta.

Used in: PreprocessingStep

message RandomAdjustSaturation

preprocessor.proto:122

Randomly changes saturation by a value between [min_delta, max_delta].

Used in: PreprocessingStep

message RandomBlackPatches

preprocessor.proto:221

Randomly adds black square patches to an image.

Used in: PreprocessingStep

message RandomCropImage

preprocessor.proto:139

Randomly crops the image and bounding boxes.

Used in: PreprocessingStep

message RandomCropPadImage

preprocessor.proto:178

Randomly crops an image followed by a random pad.

Used in: PreprocessingStep

message RandomCropToAspectRatio

preprocessor.proto:210

Randomly crops an iamge to a given aspect ratio.

Used in: PreprocessingStep

message RandomDistortColor

preprocessor.proto:128

Performs a random color distortion. color_orderings should either be 0 or 1.

Used in: PreprocessingStep

message RandomHorizontalFlip

preprocessor.proto:49

Randomly horizontally flips the image and detections 50% of the time.

Used in: PreprocessingStep

message RandomImageScale

preprocessor.proto:94

Randomly enlarges or shrinks image (keeping aspect ratio).

Used in: PreprocessingStep

message RandomJitterBoxes

preprocessor.proto:134

Randomly jitters corners of boxes in the image determined by ratio. ie. If a box is [100, 200] and ratio is 0.02, the corners can move by [1, 4].

Used in: PreprocessingStep

message RandomPadImage

preprocessor.proto:161

Randomly adds padding to the image.

Used in: PreprocessingStep

message RandomPixelValueScale

preprocessor.proto:88

Randomly scales the values of all pixels in the image by some constant value between [minval, maxval], then clip the value to a range between [0, 1.0].

Used in: PreprocessingStep

message RandomRGBtoGray

preprocessor.proto:100

Randomly convert entire image to grey scale.

Used in: PreprocessingStep

message RandomResizeMethod

preprocessor.proto:234

Randomly resizes the image up to [target_height, target_width].

Used in: PreprocessingStep

message RandomRotation90

preprocessor.proto:84

Randomly rotates the image and detections by 90 degrees counter-clockwise 50% of the time.

Used in: PreprocessingStep

(message has no fields)

message RandomVerticalFlip

preprocessor.proto:66

Randomly vertically flips the image and detections 50% of the time.

Used in: PreprocessingStep

message RegionSimilarityCalculator

region_similarity_calculator.proto:7

Configuration proto for region similarity calculators. See core/region_similarity_calculator.py for details.

Used in: Ssd

message Regularizer

hyperparams.proto:44

Proto with one-of field for regularizers.

Used in: Hyperparams

message ResizeImage

preprocessor.proto:244

Resizes images to [new_height, new_width].

Used in: PreprocessingStep

enum ResizeImage.Method

preprocessor.proto:247

Used in: ResizeImage

enum ResizeType

image_resizer.proto:15

Enumeration type for image resizing methods provided in TensorFlow.

Used in: FixedShapeResizer, KeepAspectRatioResizer

message RfcnBoxPredictor

box_predictor.proto:82

Used in: BoxPredictor

message SSDRandomCrop

preprocessor.proto:289

Randomly crops a image according to: Liu et al., SSD: Single shot multibox detector. This preprocessing step defines multiple SSDRandomCropOperations. Only one operation (chosen at random) is actually performed on an image.

Used in: PreprocessingStep

message SSDRandomCropFixedAspectRatio

preprocessor.proto:358

Randomly crops a image to a fixed aspect ratio according to: Liu et al., SSD: Single shot multibox detector. Multiple SSDRandomCropFixedAspectRatioOperations are defined by this preprocessing step. Only one operation (chosen at random) is actually performed on an image.

Used in: PreprocessingStep

message SSDRandomCropFixedAspectRatioOperation

preprocessor.proto:336

Used in: SSDRandomCropFixedAspectRatio

message SSDRandomCropOperation

preprocessor.proto:263

Used in: SSDRandomCrop

message SSDRandomCropPad

preprocessor.proto:332

Randomly crops and pads an image according to: Liu et al., SSD: Single shot multibox detector. This preprocessing step defines multiple SSDRandomCropPadOperations. Only one operation (chosen at random) is actually performed on an image.

Used in: PreprocessingStep

message SSDRandomCropPadFixedAspectRatio

preprocessor.proto:400

Randomly crops and pads an image to a fixed aspect ratio according to: Liu et al., SSD: Single shot multibox detector. Multiple SSDRandomCropPadFixedAspectRatioOperations are defined by this preprocessing step. Only one operation (chosen at random) is actually performed on an image.

Used in: PreprocessingStep

message SSDRandomCropPadFixedAspectRatioOperation

preprocessor.proto:365

Used in: SSDRandomCropPadFixedAspectRatio

message SSDRandomCropPadOperation

preprocessor.proto:293

Used in: SSDRandomCropPad

message ScaleBoxesToPixelCoordinates

preprocessor.proto:240

Scales boxes from normalized coordinates to pixel coordinates.

Used in: PreprocessingStep

(message has no fields)

message SigmoidFocalClassificationLoss

losses.proto:68

Sigmoid Focal cross entropy loss as described in https://arxiv.org/abs/1708.02002

Used in: ClassificationLoss

message SquareBoxCoder

square_box_coder.proto:7

Configuration proto for SquareBoxCoder. See box_coders/square_box_coder.py for details.

Used in: BoxCoder

message Ssd

ssd.proto:15

Configuration for Single Shot Detection (SSD) models.

Used in: DetectionModel

message SsdAnchorGenerator

ssd_anchor_generator.proto:8

Configuration proto for SSD anchor generator described in https://arxiv.org/abs/1512.02325. See anchor_generators/multiple_grid_anchor_generator.py for details.

Used in: AnchorGenerator

message SsdFeatureExtractor

ssd.proto:53

Used in: Ssd

message StringIntLabelMap

string_int_label_map.proto:22

message StringIntLabelMapItem

string_int_label_map.proto:9

Used in: StringIntLabelMap

message SubtractChannelMean

preprocessor.proto:257

Normalizes an image by subtracting a mean from each channel.

Used in: PreprocessingStep

message TFRecordInputReader

input_reader.proto:51

An input reader that reads TF Example protos from local TFRecord files.

Used in: InputReader

message TrainConfig

train.proto:9

Message for configuring DetectionModel training jobs (train.py).

Used in: TrainEvalPipelineConfig

message TrainEvalPipelineConfig

pipeline.proto:12

Convenience message for configuring a training and eval pipeline. Allows all of the pipeline parameters to be configured from one file.

message TruncatedNormalInitializer

hyperparams.proto:73

Configuration proto for truncated normal initializer. See https://www.tensorflow.org/api_docs/python/tf/truncated_normal_initializer

Used in: Initializer

message VarianceScalingInitializer

hyperparams.proto:81

Configuration proto for variance scaling initializer. See https://www.tensorflow.org/api_docs/python/tf/contrib/layers/ variance_scaling_initializer

Used in: Initializer

enum VarianceScalingInitializer.Mode

hyperparams.proto:84

Used in: VarianceScalingInitializer

message WeightedIOULocalizationLoss

losses.proto:47

Intersection over union location loss: 1 - IOU

Used in: LocalizationLoss

(message has no fields)

message WeightedL2LocalizationLoss

losses.proto:35

L2 location loss: 0.5 * ||weight * (a - b)|| ^ 2

Used in: LocalizationLoss

message WeightedSigmoidClassificationLoss

losses.proto:61

Classification loss using a sigmoid function over class predictions.

Used in: ClassificationLoss

message WeightedSmoothL1LocalizationLoss

losses.proto:41

SmoothL1 (Huber) location loss: .5 * x ^ 2 if |x| < 1 else |x| - .5

Used in: LocalizationLoss

message WeightedSoftmaxClassificationLoss

losses.proto:77

Classification loss using a softmax function over class predictions.

Used in: ClassificationLoss