1. 13 5月, 2020 1 次提交
    • P
      Open source MnasFPN and minor fixes to OD API (#8484) · 8518d053
      pkulzc 提交于
      310447280  by lzc:
      
          Internal change
      
      310420845  by Zhichao Lu:
      
          Open source the internal Context RCNN code.
      
      --
      310362339  by Zhichao Lu:
      
          Internal change
      
      310259448  by lzc:
      
          Update required TF version for OD API.
      
      --
      310252159  by Zhichao Lu:
      
          Port patch_ops_test to TF1/TF2 as TPUs.
      
      --
      310247180  by Zhichao Lu:
      
          Ignore keypoint heatmap loss in the regions/bounding boxes with target keypoint
          class but no valid keypoint annotations.
      
      --
      310178294  by Zhichao Lu:
      
          Opensource MnasFPN
          https://arxiv.org/abs/1912.01106
      
      --
      310094222  by lzc:
      
          Internal changes.
      
      --
      310085250  by lzc:
      
          Internal Change.
      
      --
      310016447  by huizhongc:
      
          Remove unrecognized classes from labeled_classes.
      
      --
      310009470  by rathodv:
      
          Mark batcher.py as TF1 only.
      
      --
      310001984  by rathodv:
      
          Update core/preprocessor.py to be compatible with TF1/TF2..
      
      --
      309455035  by Zhichao Lu:
      
          Makes the freezable_batch_norm_test run w/ v2 behavior.
      
          The main change is in v2 updates will happen right away when running batchnorm in training mode. So, we need to restore the weights between batchnorm calls to make sure the numerical checks all start from the same place.
      
      --
      309425881  by Zhichao Lu:
      
          Make TF1/TF2 optimizer builder tests explicit.
      
      --
      309408646  by Zhichao Lu:
      
          Make dataset builder tests TF1 and TF2 compatible.
      
      --
      309246305  by Zhichao Lu:
      
          Added the functionality of combining the person keypoints and object detection
          annotations in the binary that converts the COCO raw data to TfRecord.
      
      --
      309125076  by Zhichao Lu:
      
          Convert target_assigner_utils to TF1/TF2.
      
      --
      308966359  by huizhongc:
      
          Support SSD training with partially labeled groundtruth.
      
      --
      308937159  by rathodv:
      
          Update core/target_assigner.py to be compatible with TF1/TF2.
      
      --
      308774302  by Zhichao Lu:
      
          Internal
      
      --
      308732860  by rathodv:
      
          Make core/prefetcher.py  compatible with TF1 only.
      
      --
      308726984  by rathodv:
      
          Update core/multiclass_nms_test.py to be TF1/TF2 compatible.
      
      --
      308714718  by rathodv:
      
          Update core/region_similarity_calculator_test.py to be TF1/TF2 compatible.
      
      --
      308707960  by rathodv:
      
          Update core/minibatch_sampler_test.py to be TF1/TF2 compatible.
      
      --
      308700595  by rathodv:
      
          Update core/losses_test.py to be TF1/TF2 compatible and remove losses_test_v2.py
      
      --
      308361472  by rathodv:
      
          Update core/matcher_test.py to be TF1/TF2 compatible.
      
      --
      308335846  by Zhichao Lu:
      
          Updated the COCO evaluation logics and populated the groundturth area
          information through. This change matches the groundtruth format expected by the
          COCO keypoint evaluation.
      
      --
      308256924  by rathodv:
      
          Update core/keypoints_ops_test.py to be TF1/TF2 compatible.
      
      --
      308256826  by rathodv:
      
          Update class_agnostic_nms_test.py to be TF1/TF2 compatible.
      
      --
      308256112  by rathodv:
      
          Update box_list_ops_test.py to be TF1/TF2 compatible.
      
      --
      308159360  by Zhichao Lu:
      
          Internal change
      
      308145008  by Zhichao Lu:
      
          Added 'image/class/confidence' field in the TFExample decoder.
      
      --
      307651875  by rathodv:
      
          Refactor core/box_list.py to support TF1/TF2.
      
      --
      307651798  by rathodv:
      
          Modify box_coder.py base class to work with with TF1/TF2
      
      --
      307651652  by rathodv:
      
          Refactor core/balanced_positive_negative_sampler.py to support TF1/TF2.
      
      --
      307651571  by rathodv:
      
          Modify BoxCoders tests to use test_case:execute method to allow testing with TF1.X and TF2.X
      
      --
      307651480  by rathodv:
      
          Modify Matcher tests to use test_case:execute method to allow testing with TF1.X and TF2.X
      
      --
      307651409  by rathodv:
      
          Modify AnchorGenerator tests to use test_case:execute method to allow testing with TF1.X and TF2.X
      
      --
      307651314  by rathodv:
      
          Refactor model_builder to support TF1 or TF2 models based on TensorFlow version.
      
      --
      307092053  by Zhichao Lu:
      
          Use manager to save checkpoint.
      
      --
      307071352  by ronnyvotel:
      
          Fixing keypoint visibilities. Now by default, the visibility is marked True if the keypoint is labeled (regardless of whether it is visible or not).
          Also, if visibilities are not present in the dataset, they will be created based on whether the keypoint coordinates are finite (vis = True) or NaN (vis = False).
      
      --
      307069557  by Zhichao Lu:
      
          Internal change to add few fields related to postprocessing parameters in
          center_net.proto and populate those parameters to the keypoint postprocessing
          functions.
      
      --
      307012091  by Zhichao Lu:
      
          Make Adam Optimizer's epsilon proto configurable.
      
          Potential issue: tf.compat.v1's AdamOptimizer has a default epsilon on 1e-08 ([doc-link](https://www.tensorflow.org/api_docs/python/tf/compat/v1/train/AdamOptimizer))  whereas tf.keras's AdamOptimizer has default epsilon 1e-07 ([doc-link](https://www.tensorflow.org/api_docs/python/tf/keras/optimizers/Adam))
      
      --
      306858598  by Zhichao Lu:
      
          Internal changes to update the CenterNet model:
          1) Modified eval job loss computation to avoid averaging over batches with zero loss.
          2) Updated CenterNet keypoint heatmap target assigner to apply box size to heatmap Guassian standard deviation.
          3) Updated the CenterNet meta arch keypoint losses computation to apply weights outside of loss function.
      
      --
      306731223  by jonathanhuang:
      
          Internal change.
      
      --
      306549183  by rathodv:
      
          Internal Update.
      
      --
      306542930  by rathodv:
      
          Internal Update
      
      --
      306322697  by rathodv:
      
          Internal.
      
      --
      305345036  by Zhichao Lu:
      
          Adding COCO Camera Traps Json to tf.Example beam code
      
      --
      304104869  by lzc:
      
          Internal changes.
      
      --
      304068971  by jonathanhuang:
      
          Internal change.
      
      --
      304050469  by Zhichao Lu:
      
          Internal change.
      
      --
      303880642  by huizhongc:
      
          Support parsing partially labeled groundtruth.
      
      --
      303841743  by Zhichao Lu:
      
          Deprecate nms_on_host in SSDMetaArch.
      
      --
      303803204  by rathodv:
      
          Internal change.
      
      --
      303793895  by jonathanhuang:
      
          Internal change.
      
      --
      303467631  by rathodv:
      
          Py3 update for detection inference test.
      
      --
      303444542  by rathodv:
      
          Py3 update to metrics module
      
      --
      303421960  by rathodv:
      
          Update json_utils to python3.
      
      --
      302787583  by ronnyvotel:
      
          Coco results generator for submission to the coco test server.
      
      --
      302719091  by Zhichao Lu:
      
          Internal change to add the ResNet50 image feature extractor for CenterNet model.
      
      --
      302116230  by Zhichao Lu:
      
          Added the functions to overlay the heatmaps with images in visualization util
          library.
      
      --
      301888316  by Zhichao Lu:
      
          Fix checkpoint_filepath not defined error.
      
      --
      301840312  by ronnyvotel:
      
          Adding keypoint_scores to visualizations.
      
      --
      301683475  by ronnyvotel:
      
          Introducing the ability to preprocess `keypoint_visibilities`.
      
          Some data augmentation ops such as random crop can filter instances and keypoints. It's important to also filter keypoint visibilities, so that the groundtruth tensors are always in alignment.
      
      --
      301532344  by Zhichao Lu:
      
          Don't use tf.divide since "Quantization not yet supported for op: DIV"
      
      --
      301480348  by ronnyvotel:
      
          Introducing keypoint evaluation into model lib v2.
          Also, making some fixes to coco keypoint evaluation.
      
      --
      301454018  by Zhichao Lu:
      
          Added the image summary to visualize the train/eval input images and eval's
          prediction/groundtruth side-by-side image.
      
      --
      301317527  by Zhichao Lu:
      
          Updated the random_absolute_pad_image function in the preprocessor library to
          support the keypoints argument.
      
      --
      301300324  by Zhichao Lu:
      
          Apply name change(experimental_run_v2 -> run) for all callers in Tensorflow.
      
      --
      301297115  by ronnyvotel:
      
          Utility function for setting keypoint visibilities based on keypoint coordinates.
      
      --
      301248885  by Zhichao Lu:
      
          Allow MultiworkerMirroredStrategy(MWMS) use by adding checkpoint handling with temporary directories in model_lib_v2. Added missing WeakKeyDictionary cfer_fn_cache field in CollectiveAllReduceStrategyExtended.
      
      --
      301224559  by Zhichao Lu:
      
          ...1) Fixes model_lib to also use keypoints while preparing model groundtruth.
          ...2) Tests model_lib with newly added keypoint metrics config.
      
      --
      300836556  by Zhichao Lu:
      
          Internal changes to add keypoint estimation parameters in CenterNet proto.
      
      --
      300795208  by Zhichao Lu:
      
          Updated the eval_util library to populate the keypoint groundtruth to
          eval_dict.
      
      --
      299474766  by Zhichao Lu:
      
          ...Modifies eval_util to create Keypoint Evaluator objects when configured in eval config.
      
      --
      299453920  by Zhichao Lu:
      
          Add swish activation as a hyperperams option.
      
      --
      299240093  by ronnyvotel:
      
          Keypoint postprocessing for CenterNetMetaArch.
      
      --
      299176395  by Zhichao Lu:
      
          Internal change.
      
      --
      299135608  by Zhichao Lu:
      
          Internal changes to refactor the CenterNet model in preparation for keypoint estimation tasks.
      
      --
      298915482  by Zhichao Lu:
      
          Make dataset_builder aware of input_context for distributed training.
      
      --
      298713595  by Zhichao Lu:
      
          Handling data with negative size boxes.
      
      --
      298695964  by Zhichao Lu:
      
          Expose change_coordinate_frame as a config parameter; fix multiclass_scores optional field.
      
      --
      298492150  by Zhichao Lu:
      
          Rename optimizer_builder_test_v2.py -> optimizer_builder_v2_test.py
      
      --
      298476471  by Zhichao Lu:
      
          Internal changes to support CenterNet keypoint estimation.
      
      --
      298365851  by ronnyvotel:
      
          Fixing a bug where groundtruth_keypoint_weights were being padded with a dynamic dimension.
      
      --
      297843700  by Zhichao Lu:
      
          Internal change.
      
      --
      297706988  by lzc:
      
          Internal change.
      
      --
      297705287  by ronnyvotel:
      
          Creating the "snapping" behavior in CenterNet, where regressed keypoints are refined with updated candidate keypoints from a heatmap.
      
      --
      297700447  by Zhichao Lu:
      
          Improve checkpoint checking logic with TF2 loop.
      
      --
      297686094  by Zhichao Lu:
      
          Convert "import tensorflow as tf" to "import tensorflow.compat.v1".
      
      --
      297670468  by lzc:
      
          Internal change.
      
      --
      297241327  by Zhichao Lu:
      
          Convert "import tensorflow as tf" to "import tensorflow.compat.v1".
      
      --
      297205959  by Zhichao Lu:
      
          Internal changes to support refactored the centernet object detection target assigner into a separate library.
      
      --
      297143806  by Zhichao Lu:
      
          Convert "import tensorflow as tf" to "import tensorflow.compat.v1".
      
      --
      297129625  by Zhichao Lu:
      
          Explicitly replace "import tensorflow" with "tensorflow.compat.v1" for TF2.x migration
      
      --
      297117070  by Zhichao Lu:
      
          Explicitly replace "import tensorflow" with "tensorflow.compat.v1" for TF2.x migration
      
      --
      297030190  by Zhichao Lu:
      
          Add configuration options for visualizing keypoint edges
      
      --
      296359649  by Zhichao Lu:
      
          Support DepthwiseConv2dNative (of separable conv) in weight equalization loss.
      
      --
      296290582  by Zhichao Lu:
      
          Internal change.
      
      --
      296093857  by Zhichao Lu:
      
          Internal changes to add general target assigner utilities.
      
      --
      295975116  by Zhichao Lu:
      
          Fix visualize_boxes_and_labels_on_image_array to show max_boxes_to_draw correctly.
      
      --
      295819711  by Zhichao Lu:
      
          Adds a flag to visualize_boxes_and_labels_on_image_array to skip the drawing of axis aligned bounding boxes.
      
      --
      295811929  by Zhichao Lu:
      
          Keypoint support in random_square_crop_by_scale.
      
      --
      295788458  by rathodv:
      
          Remove unused checkpoint to reduce repo size on github
      
      --
      295787184  by Zhichao Lu:
      
          Enable visualization of edges between keypoints
      
      --
      295763508  by Zhichao Lu:
      
          [Context RCNN] Add an option to enable / disable cropping feature in the post
          process step in the meta archtecture.
      
      --
      295605344  by Zhichao Lu:
      
          internal change.
      
      --
      294926050  by ronnyvotel:
      
          Adding per-keypoint groundtruth weights. These weights are intended to be used as multipliers in a keypoint loss function.
      
          Groundtruth keypoint weights are constructed as follows:
          - Initialize the weight for each keypoint type based on user-specified weights in the input_reader proto
          - Mask out (i.e. make zero) all keypoint weights that are not visible.
      
      --
      294829061  by lzc:
      
          Internal change.
      
      --
      294566503  by Zhichao Lu:
      
          Changed internal CenterNet Model configuration.
      
      --
      294346662  by ronnyvotel:
      
          Using NaN values in keypoint coordinates that are not visible.
      
      --
      294333339  by Zhichao Lu:
      
          Change experimetna_distribute_dataset -> experimental_distribute_dataset_from_function
      
      --
      293928752  by Zhichao Lu:
      
          Internal change
      
      --
      293909384  by Zhichao Lu:
      
          Add capabilities to train 1024x1024 CenterNet models.
      
      --
      293637554  by ronnyvotel:
      
          Adding keypoint visibilities to TfExampleDecoder.
      
      --
      293501558  by lzc:
      
          Internal change.
      
      --
      293252851  by Zhichao Lu:
      
          Change tf.gfile.GFile to tf.io.gfile.GFile.
      
      --
      292730217  by Zhichao Lu:
      
          Internal change.
      
      --
      292456563  by lzc:
      
          Internal changes.
      
      --
      292355612  by Zhichao Lu:
      
          Use tf.gather and tf.scatter_nd instead of matrix ops.
      
      --
      292245265  by rathodv:
      
          Internal
      
      --
      291989323  by richardmunoz:
      
          Refactor out building a DataDecoder from building a tf.data.Dataset.
      
      --
      291950147  by Zhichao Lu:
      
          Flip bounding boxes in arbitrary shaped tensors.
      
      --
      291401052  by huizhongc:
      
          Fix multiscale grid anchor generator to allow fully convolutional inference. When exporting model with identity_resizer as image_resizer, there is an incorrect box offset on the detection results. We add the anchor offset to address this problem.
      
      --
      291298871  by Zhichao Lu:
      
          Py3 compatibility changes.
      
      --
      290957957  by Zhichao Lu:
      
          Hourglass feature extractor for CenterNet.
      
      --
      290564372  by Zhichao Lu:
      
          Internal change.
      
      --
      290155278  by rathodv:
      
          Remove Dataset Explorer.
      
      --
      290155153  by Zhichao Lu:
      
          Internal change
      
      --
      290122054  by Zhichao Lu:
      
          Unify the format in the faster_rcnn.proto
      
      --
      290116084  by Zhichao Lu:
      
          Deprecate tensorflow.contrib.
      
      --
      290100672  by Zhichao Lu:
      
          Update MobilenetV3 SSD candidates
      
      --
      289926392  by Zhichao Lu:
      
          Internal change
      
      --
      289553440  by Zhichao Lu:
      
          [Object Detection API] Fix the comments about the dimension of the rpn_box_encodings from 4-D to 3-D.
      
      --
      288994128  by lzc:
      
          Internal changes.
      
      --
      288942194  by lzc:
      
          Internal change.
      
      --
      288746124  by Zhichao Lu:
      
          Configurable channel mean/std. dev in CenterNet feature extractors.
      
      --
      288552509  by rathodv:
      
          Internal.
      
      --
      288541285  by rathodv:
      
          Internal update.
      
      --
      288396396  by Zhichao Lu:
      
          Make object detection import contrib explicitly
      
      --
      288255791  by rathodv:
      
          Internal
      
      --
      288078600  by Zhichao Lu:
      
          Fix model_lib_v2 test
      
      --
      287952244  by rathodv:
      
          Internal
      
      --
      287921774  by Zhichao Lu:
      
          internal change
      
      --
      287906173  by Zhichao Lu:
      
          internal change
      
      --
      287889407  by jonathanhuang:
      
          PY3 compatibility
      
      --
      287889042  by rathodv:
      
          Internal
      
      --
      287876178  by Zhichao Lu:
      
          Internal change.
      
      --
      287770490  by Zhichao Lu:
      
          Add CenterNet proto and builder
      
      --
      287694213  by Zhichao Lu:
      
          Support for running multiple steps per tf.function call.
      
      --
      287377183  by jonathanhuang:
      
          PY3 compatibility
      
      --
      287371344  by rathodv:
      
          Support loading keypoint labels and ids.
      
      --
      287368213  by rathodv:
      
          Add protos supporting keypoint evaluation.
      
      --
      286673200  by rathodv:
      
          dataset_tools PY3 migration
      
      --
      286635106  by Zhichao Lu:
      
          Update code for upcoming tf.contrib removal
      
      --
      286479439  by Zhichao Lu:
      
          Internal change
      
      --
      286311711  by Zhichao Lu:
      
          Skeleton of context model within TFODAPI
      
      --
      286005546  by Zhichao Lu:
      
          Fix Faster-RCNN training when using keep_aspect_ratio_resizer with pad_to_max_dimension
      
      --
      285906400  by derekjchow:
      
          Internal change
      
      --
      285822795  by Zhichao Lu:
      
          Add CenterNet meta arch target assigners.
      
      --
      285447238  by Zhichao Lu:
      
          Internal changes.
      
      --
      285016927  by Zhichao Lu:
      
          Make _dummy_computation a tf.function. This fixes breakage caused by
          cl/284256438
      
      --
      284827274  by Zhichao Lu:
      
          Convert to python 3.
      
      --
      284645593  by rathodv:
      
          Internal change
      
      --
      284639893  by rathodv:
      
          Add missing documentation for keypoints in eval_util.py.
      
      --
      284323712  by Zhichao Lu:
      
          Internal changes.
      
      --
      284295290  by Zhichao Lu:
      
          Updating input config proto and dataset builder to include context fields
      
          Updating standard_fields and tf_example_decoder to include context features
      
      --
      284226821  by derekjchow:
      
          Update exporter.
      
      --
      284211030  by Zhichao Lu:
      
          API changes in CenterNet informed by the experiments with hourlgass network.
      
      --
      284190451  by Zhichao Lu:
      
          Add support for CenterNet losses in protos and builders.
      
      --
      284093961  by lzc:
      
          Internal changes.
      
      --
      284028174  by Zhichao Lu:
      
          Internal change
      
      --
      284014719  by derekjchow:
      
          Do not pad top_down feature maps unnecessarily.
      
      --
      284005765  by Zhichao Lu:
      
          Add new pad_to_multiple_resizer
      
      --
      283858233  by Zhichao Lu:
      
          Make target assigner work when under tf.function.
      
      --
      283836611  by Zhichao Lu:
      
          Make config getters more general.
      
      --
      283808990  by Zhichao Lu:
      
          Internal change
      
      --
      283754588  by Zhichao Lu:
      
          Internal changes.
      
      --
      282460301  by Zhichao Lu:
      
          Add ability to restore v2 style checkpoints.
      
      --
      281605842  by lzc:
      
          Add option to disable loss computation in OD API eval job.
      
      --
      280298212  by Zhichao Lu:
      
          Add backwards compatible change
      
      --
      280237857  by Zhichao Lu:
      
          internal change
      
      --
      
      PiperOrigin-RevId: 310447280
      8518d053
  2. 08 3月, 2019 1 次提交
    • P
      Merged commit includes the following changes: (#6315) · 05584085
      pkulzc 提交于
      236813471  by lzc:
      
          Internal change.
      
      --
      236507310  by lzc:
      
          Fix preprocess.random_resize_method config type issue. The target height and width will be passed as "size" to tf.image.resize_images which only accepts integer.
      
      --
      236409989  by Zhichao Lu:
      
          Config export_to_tpu from function parameter instead of HParams for TPU inference.
      
      --
      236403186  by Zhichao Lu:
      
          Make graph file names optional arguments.
      
      --
      236237072  by Zhichao Lu:
      
          Minor bugfix for keyword args.
      
      --
      236209602  by Zhichao Lu:
      
          Add support for PartitionedVariable to get_variables_available_in_checkpoint.
      
      --
      235828658  by Zhichao Lu:
      
          Automatically stop evaluation jobs when training is finished.
      
      --
      235817964  by Zhichao Lu:
      
          Add an optional process_metrics_fn callback to eval_util, it gets called
          with evaluation results once each evaluation is complete.
      
      --
      235788721  by lzc:
      
          Fix yml file tf runtime version.
      
      --
      235262897  by Zhichao Lu:
      
          Add keypoint support to the random_pad_image preprocessor method.
      
      --
      235257380  by Zhichao Lu:
      
          Support InputDataFields.groundtruth_confidences in retain_groundtruth(), retain_groundtruth_with_positive_classes(), filter_groundtruth_with_crowd_boxes(), filter_groundtruth_with_nan_box_coordinates(), filter_unrecognized_classes().
      
      --
      235109188  by Zhichao Lu:
      
          Fix bug in pad_input_data_to_static_shapes for num_additional_channels > 0; make color-specific data augmentation only touch RGB channels.
      
      --
      235045010  by Zhichao Lu:
      
          Don't slice class_predictions_with_background when add_background_class is false.
      
      --
      235026189  by lzc:
      
          Fix import in g3doc.
      
      --
      234863426  by Zhichao Lu:
      
          Added fixes in exporter to allow writing a checkpoint to a specified temporary directory.
      
      --
      234671886  by lzc:
      
          Internal Change.
      
      --
      234630803  by rathodv:
      
          Internal Change.
      
      --
      233985896  by Zhichao Lu:
      
          Add Neumann optimizer to object detection.
      
      --
      233560911  by Zhichao Lu:
      
          Add NAS-FPN object detection with Resnet and Mobilenet v2.
      
      --
      233513536  by Zhichao Lu:
      
          Export TPU compatible object detection model
      
      --
      233495772  by lzc:
      
          Internal change.
      
      --
      233453557  by Zhichao Lu:
      
          Create Keras-based SSD+MobilenetV1 for object detection.
      
      --
      233220074  by lzc:
      
          Update release notes date.
      
      --
      233165761  by Zhichao Lu:
      
          Support depth_multiplier and min_depth in _SSDResnetV1FpnFeatureExtractor.
      
      --
      233160046  by lzc:
      
          Internal change.
      
      --
      232926599  by Zhichao Lu:
      
          [tf.data] Switching tf.data functions to use `defun`, providing an escape hatch to continue using the legacy `Defun`.
      
          There are subtle differences between the implementation of `defun` and `Defun` (such as resources handling or control flow) and it is possible that input pipelines that use control flow or resources in their functions might be affected by this change. To migrate majority of existing pipelines to the recommended way of creating functions in TF 2.0 world, while allowing (a small number of) existing pipelines to continue relying on the deprecated behavior, this CL provides an escape hatch.
      
          If your input pipeline is affected by this CL, it should apply the escape hatch by replacing `foo.map(...)` with `foo.map_with_legacy_function(...)`.
      
      --
      232891621  by Zhichao Lu:
      
          Modify faster_rcnn meta architecture to normalize raw detections.
      
      --
      232875817  by Zhichao Lu:
      
          Make calibration a post-processing step.
      
          Specifically:
          - Move the calibration config from pipeline.proto --> post_processing.proto
          - Edit post_processing_builder.py to return a calibration function. If no calibration config is provided, it None.
          - Edit SSD and FasterRCNN meta architectures to optionally call the calibration function on detection scores after score conversion and before NMS.
      
      --
      232704481  by Zhichao Lu:
      
          Edit calibration builder to build a function that will be used within a detection model's `postprocess` method, after score conversion and before non-maxima suppression.
      
          Specific Edits:
          - The returned function now accepts class_predictions_with_background as its argument instead of detection_scores and detection_classes.
          - Class-specific calibration was temporarily removed, as it requires more significant refactoring. Will be added later.
      
      --
      232615379  by Zhichao Lu:
      
          Internal change
      
      --
      232483345  by ronnyvotel:
      
          Making the use of bfloat16 restricted to TPUs.
      
      --
      232399572  by Zhichao Lu:
      
          Edit calibration builder and proto to support class-agnostic calibration.
      
          Specifically:
          - Edit calibration protos to include path to relevant label map if required for class-specific calibration. Previously, label maps were inferred from other parts of the pipeline proto; this allows all information required by the builder stay within the calibration proto and remove extraneous information from being passed with class-agnostic calibration.
          - Add class-agnostic protos to the calibration config.
      
          Note that the proto supports sigmoid and linear interpolation parameters, but the builder currently only supports linear interpolation.
      
      --
      231613048  by Zhichao Lu:
      
          Add calibration builder for applying calibration transformations from output of object detection models.
      
          Specifically:
          - Add calibration proto to support sigmoid and isotonic regression (stepwise function) calibration.
          - Add a builder to support calibration from isotonic regression outputs.
      
      --
      231519786  by lzc:
      
          model_builder test refactor.
          - removed proto text boilerplate in each test case and let them call a create_default_proto function instead.
          - consolidated all separate ssd model creation tests into one.
          - consolidated all separate faster rcnn model creation tests into one.
          - used parameterized test for testing mask rcnn models and use_matmul_crop_and_resize
          - added all failures test.
      
      --
      231448169  by Zhichao Lu:
      
          Return static shape as a constant tensor.
      
      --
      231423126  by lzc:
      
          Add a release note for OID v4 models.
      
      --
      231401941  by Zhichao Lu:
      
          Adding correct labelmap for the models trained on Open Images V4 (*oid_v4
          config suffix).
      
      --
      231320357  by Zhichao Lu:
      
          Add scope to Nearest Neighbor Resize op so that it stays in the same name scope as the original resize ops.
      
      --
      231257699  by Zhichao Lu:
      
          Switch to using preserve_aspect_ratio in tf.image.resize_images rather than using a custom implementation.
      
      --
      231247368  by rathodv:
      
          Internal change.
      
      --
      231004874  by lzc:
      
          Update documentations to use tf 1.12 for object detection API.
      
      --
      230999911  by rathodv:
      
          Use tf.batch_gather instead of ops.batch_gather
      
      --
      230999720  by huizhongc:
      
          Fix weight equalization test in ops_test.
      
      --
      230984728  by rathodv:
      
          Internal update.
      
      --
      230929019  by lzc:
      
          Add an option to replace preprocess operation with placeholder for ssd feature extractor.
      
      --
      230845266  by lzc:
      
          Require tensorflow version 1.12 for object detection API and rename keras_applications to keras_models
      
      --
      230392064  by lzc:
      
          Add RetinaNet 101 checkpoint trained on OID v4 to detection model zoo.
      
      --
      230014128  by derekjchow:
      
          This file was re-located below the tensorflow/lite/g3doc/convert
      
      --
      229941449  by lzc:
      
          Update SSD mobilenet v2 quantized model download path.
      
      --
      229843662  by lzc:
      
          Add an option to use native resize tf op in fpn top-down feature map generation.
      
      --
      229636034  by rathodv:
      
          Add deprecation notice to a few old parameters in train.proto
      
      --
      228959078  by derekjchow:
      
          Remove duplicate elif case in _check_and_convert_legacy_input_config_key
      
      --
      228749719  by rathodv:
      
          Minor refactoring to make exporter's `build_detection_graph` method public.
      
      --
      228573828  by rathodv:
      
          Mofity model.postprocess to return raw detections and raw scores.
      
          Modify, post-process methods in core/model.py and the meta architectures to export raw detection (without any non-max suppression) and raw multiclass score logits for those detections.
      
      --
      228420670  by Zhichao Lu:
      
          Add shims for custom architectures for object detection models.
      
      --
      228241692  by Zhichao Lu:
      
          Fix the comment on "losses_mask" in "Loss" class.
      
      --
      228223810  by Zhichao Lu:
      
          Support other_heads' predictions in WeightSharedConvolutionalBoxPredictor. Also remove a few unused parameters and fix a couple of comments in convolutional_box_predictor.py.
      
      --
      228200588  by Zhichao Lu:
      
          Add Expected Calibration Error and an evaluator that calculates the metric for object detections.
      
      --
      228167740  by lzc:
      
          Add option to use bounded activations in FPN top-down feature map generation.
      
      --
      227767700  by rathodv:
      
          Internal.
      
      --
      226295236  by Zhichao Lu:
      
          Add Open Image V4 Resnet101-FPN training config to third_party
      
      --
      226254842  by Zhichao Lu:
      
          Fix typo in documentation.
      
      --
      225833971  by Zhichao Lu:
      
          Option to have no resizer in object detection model.
      
      --
      225824890  by lzc:
      
          Fixes p3 compatibility for model_lib.py
      
      --
      225760897  by menglong:
      
          normalizer should be at least 1.
      
      --
      225559842  by menglong:
      
          Add extra logic filtering unrecognized classes.
      
      --
      225379421  by lzc:
      
          Add faster_rcnn_inception_resnet_v2_atrous_oid_v4 config to third_party
      
      --
      225368337  by Zhichao Lu:
      
          Add extra logic filtering unrecognized classes.
      
      --
      225341095  by Zhichao Lu:
      
          Adding Open Images V4 models to OD API model zoo and corresponding configs to the
          configs.
      
      --
      225218450  by menglong:
      
          Add extra logic filtering unrecognized classes.
      
      --
      225057591  by Zhichao Lu:
      
          Internal change.
      
      --
      224895417  by rathodv:
      
          Internal change.
      
      --
      224209282  by Zhichao Lu:
      
          Add two data augmentations to object detection: (1) Self-concat (2) Absolute pads.
      
      --
      224073762  by Zhichao Lu:
      
          Do not create tf.constant until _generate() is actually called in the object detector.
      
      --
      
      PiperOrigin-RevId: 236813471
      05584085
  3. 13 7月, 2018 1 次提交
    • P
      Object detection Internal Changes. (#4757) · 70255908
      pkulzc 提交于
      * Merged commit includes the following changes:
      204316992  by Zhichao Lu:
      
          Update docs to prepare inputs
      
      --
      204309254  by Zhichao Lu:
      
          Update running_pets.md to use new binaries and correct a few things in running_on_cloud.md
      
      --
      204306734  by Zhichao Lu:
      
          Move old binaries into legacy folder and add deprecation notice.
      
      --
      204267757  by Zhichao Lu:
      
          Fixing a problem in VRD evaluation with missing ground truth annotations for
          images that do not contain objects from 62 groundtruth classes.
      
      --
      204167430  by Zhichao Lu:
      
          This fixes a flaky losses test failure.
      
      --
      203670721  by Zhichao Lu:
      
          Internal change.
      
      --
      203569388  by Zhichao Lu:
      
          Internal change
      
      203546580  by Zhichao Lu:
      
          * Expand TPU compatibility g3doc with config snippets
          * Change mscoco dataset path in sample configs to the sharded versions
      
      --
      203325694  by Zhichao Lu:
      
          Make merge_multiple_label_boxes work for model_main code path.
      
      --
      203305655  by Zhichao Lu:
      
          Remove the 1x1 conv layer before pooling in MobileNet-v1-PPN feature extractor.
      
      --
      203139608  by Zhichao Lu:
      
          - Support exponential_decay with burnin learning rate schedule.
          - Add the minimum learning rate option.
          - Make the exponential decay start only after the burnin steps.
      
      --
      203068703  by Zhichao Lu:
      
          Modify create_coco_tf_record.py to output sharded files.
      
      --
      203025308  by Zhichao Lu:
      
          Add an option to share the prediction tower in WeightSharedBoxPredictor.
      
      --
      203024942  by Zhichao Lu:
      
          Move ssd mobilenet v1 ppn configs to third party.
      
      --
      202901259  by Zhichao Lu:
      
          Delete obsolete ssd mobilenet v1 focal loss configs and update pets dataset path
      
      --
      202894154  by Zhichao Lu:
      
          Move all TPU compatible ssd mobilenet v1 coco14/pet configs to third party.
      
      --
      202861774  by Zhichao Lu:
      
          Move Retinanet (SSD + FPN + Shared box predictor) configs to third_party.
      
      --
      
      PiperOrigin-RevId: 204316992
      
      * Add original files back.
      70255908
  4. 23 3月, 2018 1 次提交
    • P
      Internal changes for object detection. (#3656) · 001a2a61
      pkulzc 提交于
      * Force cast of num_classes to integer
      
      PiperOrigin-RevId: 188335318
      
      * Updating config util to allow overwriting of cosine decay learning rates.
      
      PiperOrigin-RevId: 188338852
      
      * Make box_list_ops.py and box_list_ops_test.py work with C API enabled.
      
      The C API has improved shape inference over the original Python
      code. This causes some previously-working conds to fail. Switching to smart_cond fixes this.
      
      Another effect of the improved shape inference is that one of the
      failures tested gets caught earlier, so I modified the test to reflect
      this.
      
      PiperOrigin-RevId: 188409792
      
      * Fix parallel event file writing issue.
      
      Without this change, the event files might get corrupted when multiple evaluations are run in parallel.
      
      PiperOrigin-RevId: 188502560
      
      * Deprecating the boolean flag of from_detection_checkpoint.
      
      Replace with a string field fine_tune_checkpoint_type to train_config to provide extensibility. The fine_tune_checkpoint_type can currently take value of `detection`, `classification`, or others when the restore_map is overwritten.
      
      PiperOrigin-RevId: 188518685
      
      * Automated g4 rollback of changelist 188502560
      
      PiperOrigin-RevId: 188519969
      
      * Introducing eval metrics specs for Coco Mask metrics. This allows metrics to be computed in tensorflow using the tf.learn Estimator.
      
      PiperOrigin-RevId: 188528485
      
      * Minor fix to make object_detection/metrics/coco_evaluation.py python3 compatible.
      
      PiperOrigin-RevId: 188550683
      
      * Updating eval_util to handle eval_metric_ops from multiple `DetectionEvaluator`s.
      
      PiperOrigin-RevId: 188560474
      
      * Allow tensor input for new_height and new_width for resize_image.
      
      PiperOrigin-RevId: 188561908
      
      * Fix typo in fine_tune_checkpoint_type name in trainer.
      
      PiperOrigin-RevId: 188799033
      
      * Adding mobilenet feature extractor to object detection.
      
      PiperOrigin-RevId: 188916897
      
      * Allow label maps to optionally contain an explicit background class with id zero.
      
      PiperOrigin-RevId: 188951089
      
      * Fix boundary conditions in random_pad_to_aspect_ratio to ensure that min_scale is always less than max_scale.
      
      PiperOrigin-RevId: 189026868
      
      * Fallback on from_detection_checkpoint option if fine_tune_checkpoint_type isn't set.
      
      PiperOrigin-RevId: 189052833
      
      * Add proper names for learning rate schedules so we don't see cryptic names on tensorboard.
      
      PiperOrigin-RevId: 189069837
      
      * Enforcing that all datasets are batched (and then unbatched in the model) with batch_size >= 1.
      
      PiperOrigin-RevId: 189117178
      
      * Adding regularization to total loss returned from DetectionModel.loss().
      
      PiperOrigin-RevId: 189189123
      
      * Standardize the names of loss scalars (for SSD, Faster R-CNN and R-FCN) in both training and eval so they can be compared on tensorboard.
      
      Log localization and classification losses in evaluation.
      
      PiperOrigin-RevId: 189189940
      
      * Remove negative test from box list ops test.
      
      PiperOrigin-RevId: 189229327
      
      * Add an option to warmup learning rate in manual stepping schedule.
      
      PiperOrigin-RevId: 189361039
      
      * Replace tf.contrib.slim.tfexample_decoder.LookupTensor with object_detection.data_decoders.tf_example_decoder.LookupTensor.
      
      PiperOrigin-RevId: 189388556
      
      * Force regularization summary variables under specific family names.
      
      PiperOrigin-RevId: 189393190
      
      * Automated g4 rollback of changelist 188619139
      
      PiperOrigin-RevId: 189396001
      
      * Remove step 0 schedule since we do a hard check for it after cl/189361039
      
      PiperOrigin-RevId: 189396697
      
      * PiperOrigin-RevId: 189040463
      
      * PiperOrigin-RevId: 189059229
      
      * PiperOrigin-RevId: 189214402
      
      * Force regularization summary variables under specific family names.
      
      PiperOrigin-RevId: 189393190
      
      * Automated g4 rollback of changelist 188619139
      
      PiperOrigin-RevId: 189396001
      
      * Make slim python3 compatible.
      
      * Monir fixes.
      
      * Add TargetAssignment summaries in a separate family.
      
      PiperOrigin-RevId: 189407487
      
      * 1. Setting `family` keyword arg prepends the summary names twice with the same name. Directly adding family suffix to the name gets rid of this problem.
      2. Make sure the eval losses have the same name.
      
      PiperOrigin-RevId: 189434618
      
      * Minor fixes to make object detection tf 1.4 compatible.
      
      PiperOrigin-RevId: 189437519
      
      * Call the base of mobilenet_v1 feature extractor under the right arg scope and set batchnorm is_training based on the value passed in the constructor.
      
      PiperOrigin-RevId: 189460890
      
      * Automated g4 rollback of changelist 188409792
      
      PiperOrigin-RevId: 189463882
      
      * Update object detection syncing.
      
      PiperOrigin-RevId: 189601955
      
      * Add an option to warmup learning rate, hold it constant for a certain number of steps and cosine decay it.
      
      PiperOrigin-RevId: 189606169
      
      * Let the proposal feature extractor function in faster_rcnn meta architectures return the activations (end_points).
      
      PiperOrigin-RevId: 189619301
      
      * Fixed bug which caused masks to be mostly zeros (caused by detection_boxes being in absolute coordinates if scale_to_absolute=True.
      
      PiperOrigin-RevId: 189641294
      
      * Open sourcing Mobilenetv2 + SSDLite.
      
      PiperOrigin-RevId: 189654520
      
      * Remove unused files.
      001a2a61
  5. 28 10月, 2017 1 次提交
  6. 22 9月, 2017 1 次提交
  7. 15 6月, 2017 1 次提交