1. 20 7月, 2020 1 次提交
  2. 01 7月, 2020 1 次提交
  3. 17 6月, 2020 1 次提交
  4. 27 5月, 2020 1 次提交
    • P
      Release MobileDet code and model, and require tf_slim installation for OD API. (#8562) · 451906e4
      pkulzc 提交于
      * Merged commit includes the following changes:
      311933687  by Sergio Guadarrama:
      
          Removes spurios use of tf.compat.v2, which results in spurious tf.compat.v1.compat.v2. Adds basic test to nasnet_utils.
          Replaces all remaining import tensorflow as tf with import tensorflow.compat.v1 as tf
      
      --
      311766063  by Sergio Guadarrama:
      
          Removes explicit tf.compat.v1 in all call sites (we already import tf.compat.v1, so this code was  doing tf.compat.v1.compat.v1). The existing code worked in latest version of tensorflow, 2.2, (and 1.15) but not in 1.14 or in 2.0.0a, this CL fixes it.
      
      --
      311624958  by Sergio Guadarrama:
      
          Updates README that doesn't render properly in github documentation
      
      --
      310980959  by Sergio Guadarrama:
      
          Moves research_models/slim off tf.contrib.slim/layers/framework to tf_slim
      
      --
      310263156  by Sergio Guadarrama:
      
          Adds model breakdown for MobilenetV3
      
      --
      308640516  by Sergio Guadarrama:
      
          Internal change
      
      308244396  by Sergio Guadarrama:
      
          GroupNormalization support for MobilenetV3.
      
      --
      307475800  by Sergio Guadarrama:
      
          Internal change
      
      --
      302077708  by Sergio Guadarrama:
      
          Remove `disable_tf2` behavior from slim py_library targets
      
      --
      301208453  by Sergio Guadarrama:
      
          Automated refactoring to make code Python 3 compatible.
      
      --
      300816672  by Sergio Guadarrama:
      
          Internal change
      
      299433840  by Sergio Guadarrama:
      
          Internal change
      
      299221609  by Sergio Guadarrama:
      
          Explicitly disable Tensorflow v2 behaviors for all TF1.x binaries and tests
      
      --
      299179617  by Sergio Guadarrama:
      
          Internal change
      
      299040784  by Sergio Guadarrama:
      
          Internal change
      
      299036699  by Sergio Guadarrama:
      
          Internal change
      
      298736510  by Sergio Guadarrama:
      
          Internal change
      
      298732599  by Sergio Guadarrama:
      
          Internal change
      
      298729507  by Sergio Guadarrama:
      
          Internal change
      
      298253328  by Sergio Guadarrama:
      
          Internal change
      
      297788346  by Sergio Guadarrama:
      
          Internal change
      
      297785278  by Sergio Guadarrama:
      
          Internal change
      
      297783127  by Sergio Guadarrama:
      
          Internal change
      
      297725870  by Sergio Guadarrama:
      
          Internal change
      
      297721811  by Sergio Guadarrama:
      
          Internal change
      
      297711347  by Sergio Guadarrama:
      
          Internal change
      
      297708059  by Sergio Guadarrama:
      
          Internal change
      
      297701831  by Sergio Guadarrama:
      
          Internal change
      
      297700038  by Sergio Guadarrama:
      
          Internal change
      
      297670468  by Sergio Guadarrama:
      
          Internal change.
      
      --
      297350326  by Sergio Guadarrama:
      
          Explicitly replace "import tensorflow" with "tensorflow.compat.v1" for TF2.x migration
      
      --
      297201668  by Sergio Guadarrama:
      
          Explicitly replace "import tensorflow" with "tensorflow.compat.v1" for TF2.x migration
      
      --
      294483372  by Sergio Guadarrama:
      
          Internal change
      
      PiperOrigin-RevId: 311933687
      
      * Merged commit includes the following changes:
      312578615  by Menglong Zhu:
      
          Modify the LSTM feature extractors to be python 3 compatible.
      
      --
      311264357  by Menglong Zhu:
      
          Removes contrib.slim
      
      --
      308957207  by Menglong Zhu:
      
          Automated refactoring to make code Python 3 compatible.
      
      --
      306976470  by yongzhe:
      
          Internal change
      
      306777559  by Menglong Zhu:
      
          Internal change
      
      --
      299232507  by lzyuan:
      
          Internal update.
      
      --
      299221735  by lzyuan:
      
          Add small epsilon on max_range for quantize_op to prevent range collapse.
      
      --
      
      PiperOrigin-RevId: 312578615
      
      * Merged commit includes the following changes:
      310447280  by lzc:
      
          Internal changes.
      
      --
      
      PiperOrigin-RevId: 310447280
      Co-authored-by: NSergio Guadarrama <sguada@google.com>
      Co-authored-by: NMenglong Zhu <menglong@google.com>
      451906e4
  5. 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
  6. 14 11月, 2019 1 次提交
    • M
      Merged commit includes the following changes: (#7800) · b968a6ce
      Mark Sandler 提交于
      280142968  by Zhichao Lu:
      
          Opensource MobilenetEdgeTPU + ssdlite into third-party object detection APIs on EdgeTPU.
      
      --
      280134001  by Zhichao Lu:
      
          Adds MobilenetEdgeTpu + ssdlite into internal object detection APIs on EdgeTPU.
      
      --
      278941778  by Zhichao Lu:
      
          Add support for fixed input shapes for 'encoded_image_string_tensor' and 'tf_example' inputs.
      
      --
      278933274  by Zhichao Lu:
      
            Adding fool proof check to avoid using 1x1 depthwise conv op.
      
      --
      278762192  by Zhichao Lu:
      
          Ensure correct number of iterations after training resumes.
      
      --
      278746440  by Zhichao Lu:
      
          Internal change.
      
      --
      278006953  by Zhichao Lu:
      
          Internal changes to tf.contrib symbols
      
      --
      278006330  by Zhichao Lu:
      
          Internal changes to tf.contrib symbols
      
      --
      277593959  by Zhichao Lu:
      
            Make the ssd_feature_extractor_test.py PY3 compatible. The "six.zip" will use "itertools.izip" in Python 2 and "zip" in Python 3.
      
      --
      277344551  by Zhichao Lu:
      
          Internal change.
      
      --
      277154953  by Zhichao Lu:
      
          Conditionally use keras based optimizers so that check-pointing works correctly.
          This change also enables summaries on TPU which were previously not enabled
          due to a bug.
      
      --
      277087572  by Zhichao Lu:
      
          Fix resizing boxes when using keep_aspect_ratio_rezier with padding.
      
      --
      275898543  by Zhichao Lu:
      
          Support label_map_proto as input in label_map_util.
      
      --
      275347137  by Zhichao Lu:
      
          Add force_no_resize flag in eval.proto which replaces
          the resize config with identity resizer. This is useful
          when we want to test at the original image resolution.
      
      --
      
      PiperOrigin-RevId: 280142968
      b968a6ce
  7. 18 10月, 2019 1 次提交
    • P
      Release MobileNet V3 models and SSDLite models with MobileNet V3 backbone. (#7678) · 0ba83cf0
      pkulzc 提交于
      * Merged commit includes the following changes:
      275131829  by Sergio Guadarrama:
      
          updates mobilenet/README.md to be github compatible adds V2+ reference to mobilenet_v1.md file and fixes invalid markdown
      
      --
      274908068  by Sergio Guadarrama:
      
          Opensource MobilenetV3 detection models.
      
      --
      274697808  by Sergio Guadarrama:
      
          Fixed cases where tf.TensorShape was constructed with float dimensions
      
          This is a prerequisite for making TensorShape and Dimension more strict
          about the types of their arguments.
      
      --
      273577462  by Sergio Guadarrama:
      
          Fixing `conv_defs['defaults']` override issue.
      
      --
      272801298  by Sergio Guadarrama:
      
          Adds links to trained models for Moblienet V3, adds a version of minimalistic mobilenet-v3 to the definitions.
      
      --
      268928503  by Sergio Guadarrama:
      
          Mobilenet v2 with group normalization.
      
      --
      263492735  by Sergio Guadarrama:
      
          Internal change
      
      260037126  by Sergio Guadarrama:
      
          Adds an option of using a custom depthwise operation in `expanded_conv`.
      
      --
      259997001  by Sergio Guadarrama:
      
          Explicitly mark Python binaries/tests with python_version = "PY2".
      
      --
      252697685  by Sergio Guadarrama:
      
          Internal change
      
      251918746  by Sergio Guadarrama:
      
          Internal change
      
      251909704  by Sergio Guadarrama:
      
          Mobilenet V3 backbone implementation.
      
      --
      247510236  by Sergio Guadarrama:
      
          Internal change
      
      246196802  by Sergio Guadarrama:
      
          Internal change
      
      246014539  by Sergio Guadarrama:
      
          Internal change
      
      245891435  by Sergio Guadarrama:
      
          Internal change
      
      245834925  by Sergio Guadarrama:
      
          n/a
      
      --
      
      PiperOrigin-RevId: 275131829
      
      * Merged commit includes the following changes:
      274959989  by Zhichao Lu:
      
          Update detection model zoo with MobilenetV3 SSD candidates.
      
      --
      274908068  by Zhichao Lu:
      
          Opensource MobilenetV3 detection models.
      
      --
      274695889  by richardmunoz:
      
          RandomPatchGaussian preprocessing step
      
          This step can be used during model training to randomly apply gaussian noise to a random image patch. Example addition to an Object Detection API pipeline config:
      
          train_config {
            ...
            data_augmentation_options {
              random_patch_gaussian {
                random_coef: 0.5
                min_patch_size: 1
                max_patch_size: 250
                min_gaussian_stddev: 0.0
                max_gaussian_stddev: 1.0
              }
            }
            ...
          }
      
      --
      274257872  by lzc:
      
          Internal change.
      
      --
      274114689  by Zhichao Lu:
      
          Pass native_resize flag to other FPN variants.
      
      --
      274112308  by lzc:
      
          Internal change.
      
      --
      274090763  by richardmunoz:
      
          Util function for getting a patch mask on an image for use with the Object Detection API
      
      --
      274069806  by Zhichao Lu:
      
          Adding functions which will help compute predictions and losses for CenterNet.
      
      --
      273860828  by lzc:
      
          Internal change.
      
      --
      273380069  by richardmunoz:
      
          RandomImageDownscaleToTargetPixels preprocessing step
      
          This step can be used during model training to randomly downscale an image to a random target number of pixels. If the image does not contain more than the target number of pixels, then downscaling is skipped. Example addition to an Object Detection API pipeline config:
      
          train_config {
            ...
            data_augmentation_options {
              random_downscale_to_target_pixels {
                random_coef: 0.5
                min_target_pixels: 300000
                max_target_pixels: 500000
              }
            }
            ...
          }
      
      --
      272987602  by Zhichao Lu:
      
          Avoid -inf when empty box list is passed.
      
      --
      272525836  by Zhichao Lu:
      
          Cleanup repeated resizing code in meta archs.
      
      --
      272458667  by richardmunoz:
      
          RandomJpegQuality preprocessing step
      
          This step can be used during model training to randomly encode the image into a jpeg with a random quality level. Example addition to an Object Detection API pipeline config:
      
          train_config {
            ...
            data_augmentation_options {
              random_jpeg_quality {
                random_coef: 0.5
                min_jpeg_quality: 80
                max_jpeg_quality: 100
              }
            }
            ...
          }
      
      --
      271412717  by Zhichao Lu:
      
          Enables TPU training with the V2 eager + tf.function Object Detection training loops.
      
      --
      270744153  by Zhichao Lu:
      
          Adding the offset and size target assigners for CenterNet.
      
      --
      269916081  by Zhichao Lu:
      
          Include basic installation in Object Detection API tutorial.
          Also:
           - Use TF2.0
           - Use saved_model
      
      --
      269376056  by Zhichao Lu:
      
          Fix to variable loading in RetinaNet w/ custom loops. (makes the code rely on the exact name scopes that are generated a little bit less)
      
      --
      269256251  by lzc:
      
          Add use_partitioned_nms field to config and update post_prossing_builder to honor that flag when building nms function.
      
      --
      268865295  by Zhichao Lu:
      
          Adding functionality for importing and merging back internal state of the metric.
      
      --
      268640984  by Zhichao Lu:
      
          Fix computation of gaussian sigma value to create CenterNet heatmap target.
      
      --
      267475576  by Zhichao Lu:
      
          Fix for exporter trying to export non-existent exponential moving averages.
      
      --
      267286768  by Zhichao Lu:
      
          Update mixed-precision policy.
      
      --
      266166879  by Zhichao Lu:
      
          Internal change
      
      265860884  by Zhichao Lu:
      
          Apply floor function to center coordinates when creating heatmap for CenterNet target.
      
      --
      265702749  by Zhichao Lu:
      
          Internal change
      
      --
      264241949  by ronnyvotel:
      
          Updating Faster R-CNN 'final_anchors' to be in normalized coordinates.
      
      --
      264175192  by lzc:
      
          Update model_fn to only read hparams if it is not None.
      
      --
      264159328  by Zhichao Lu:
      
          Modify nearest neighbor upsampling to eliminate a multiply operation. For quantized models, the multiply operation gets unnecessarily quantized and reduces accuracy (simple stacking would work in place of the broadcast op which doesn't require quantization). Also removes an unnecessary reshape op.
      
      --
      263668306  by Zhichao Lu:
      
          Add the option to use dynamic map_fn for batch NMS
      
      --
      263031163  by Zhichao Lu:
      
          Mark outside compilation for NMS as optional.
      
      --
      263024916  by Zhichao Lu:
      
          Add an ExperimentalModel meta arch for experimenting with new model types.
      
      --
      262655894  by Zhichao Lu:
      
          Add the center heatmap target assigner for CenterNet
      
      --
      262431036  by Zhichao Lu:
      
          Adding add_eval_dict to allow for evaluation on model_v2
      
      --
      262035351  by ronnyvotel:
      
          Removing any non-Tensor predictions from the third stage of Mask R-CNN.
      
      --
      261953416  by Zhichao Lu:
      
          Internal change.
      
      --
      261834966  by Zhichao Lu:
      
          Fix the NMS OOM issue on TPU by forcing NMS to run outside of TPU.
      
      --
      261775941  by Zhichao Lu:
      
          Make Keras InputLayer compatible with both TF 1.x and TF 2.0.
      
      --
      261775633  by Zhichao Lu:
      
          Visualize additional channels with ground-truth bounding boxes.
      
      --
      261768117  by lzc:
      
          Internal change.
      
      --
      261766773  by ronnyvotel:
      
          Exposing `return_raw_detections_during_predict` in Faster R-CNN Proto.
      
      --
      260975089  by ronnyvotel:
      
          Moving calculation of batched prediction tensor names after all tensors in prediction dictionary are created.
      
      --
      259816913  by ronnyvotel:
      
          Adding raw detection boxes and feature map indices to SSD
      
      --
      259791955  by Zhichao Lu:
      
          Added a flag to control the use partitioned_non_max_suppression.
      
      --
      259580475  by Zhichao Lu:
      
          Tweak quantization-aware training re-writer to support NasFpn model architecture.
      
      --
      259579943  by rathodv:
      
          Add a meta target assigner proto and builders in OD API.
      
      --
      259577741  by Zhichao Lu:
      
          Internal change.
      
      --
      259366315  by lzc:
      
          Internal change.
      
      --
      259344310  by ronnyvotel:
      
          Updating faster rcnn so that raw_detection_boxes from predict() are in normalized coordinates.
      
      --
      259338670  by Zhichao Lu:
      
          Add support for use_native_resize_op to more feature extractors. Use dynamic shapes when static shapes are not available.
      
      --
      259083543  by ronnyvotel:
      
          Updating/fixing documentation.
      
      --
      259078937  by rathodv:
      
          Add prediction fields for tensors returned from detection_model.predict.
      
      --
      259044601  by Zhichao Lu:
      
          Add protocol buffer and builders for temperature scaling calibration.
      
      --
      259036770  by lzc:
      
          Internal changes.
      
      --
      259006223  by ronnyvotel:
      
          Adding detection anchor indices to Faster R-CNN Config. This is useful when one wishes to associate final detections and the anchors (or pre-nms boxes) from which they originated.
      
      --
      258872501  by Zhichao Lu:
      
          Run the training pipeline of ssd + resnet_v1_50 + fpn with a checkpoint.
      
      --
      258840686  by ronnyvotel:
      
          Adding standard outputs to DetectionModel.predict(). This CL only updates Faster R-CNN. Other meta architectures will be updated in future CLs.
      
      --
      258672969  by lzc:
      
          Internal change.
      
      --
      258649494  by lzc:
      
          Internal changes.
      
      --
      258630321  by ronnyvotel:
      
          Fixing documentation in shape_utils.flatten_dimensions().
      
      --
      258468145  by Zhichao Lu:
      
          Add additional output tensors parameter to Postprocess op.
      
      --
      258099219  by Zhichao Lu:
      
          Internal changes
      
      --
      
      PiperOrigin-RevId: 274959989
      0ba83cf0
  8. 16 7月, 2019 1 次提交
    • P
      Object detection changes: (#7208) · fe748d4a
      pkulzc 提交于
      257914648  by lzc:
      
          Internal changes
      
      --
      257525973  by Zhichao Lu:
      
          Fixes bug that silently prevents checkpoints from loading when training w/ eager + functions. Also sets up scripts to run training.
      
      --
      257296614  by Zhichao Lu:
      
          Adding detection_features to model outputs
      
      --
      257234565  by Zhichao Lu:
      
          Fix wrong order of `classes_with_max_scores` in class-agnostic NMS caused by
          sorting in partitioned-NMS.
      
      --
      257232002  by ronnyvotel:
      
          Supporting `filter_nonoverlapping` option in np_box_list_ops.clip_to_window().
      
      --
      257198282  by Zhichao Lu:
      
          Adding the focal loss and l1 loss from the Objects as Points paper.
      
      --
      257089535  by Zhichao Lu:
      
          Create Keras based ssd + resnetv1 + fpn.
      
      --
      257087407  by Zhichao Lu:
      
          Make object_detection/data_decoders Python3-compatible.
      
      --
      257004582  by Zhichao Lu:
      
          Updates _decode_raw_data_into_masks_and_boxes to the latest binary masks-to-string encoding format.
      
      --
      257002124  by Zhichao Lu:
      
          Make object_detection/utils Python3-compatible, except json_utils.
      
          The patching trick used in json_utils is not going to work in Python 3.
      
      --
      256795056  by lzc:
      
          Add a detection_anchor_indices field to detection outputs.
      
      --
      256477542  by Zhichao Lu:
      
          Make object_detection/core Python3-compatible.
      
      --
      256387593  by Zhichao Lu:
      
          Edit class_id_function_approximations builder to skip class ids not present in label map.
      
      --
      256259039  by Zhichao Lu:
      
          Move NMS to TPU for FasterRCNN.
      
      --
      256071360  by rathodv:
      
          When multiclass_scores is empty, add one-hot encoding of groundtruth_classes as multiclass scores so that data_augmentation ops that expect the presence of multiclass_scores don't have to individually handle this case.
      
          Also copy input tensor_dict to out_tensor_dict first to avoid inplace modification.
      
      --
      256023645  by Zhichao Lu:
      
          Adds the first WIP iterations of TensorFlow v2 eager + functions style custom training & evaluation loops.
      
      --
      255980623  by Zhichao Lu:
      
          Adds a new data augmentation operation "remap_labels" which remaps a set of labels to a new label.
      
      --
      255753259  by Zhichao Lu:
      
          Announcement of the released evaluation tutorial for Open Images Challenge
          2019.
      
      --
      255698776  by lzc:
      
          Fix rewrite_nn_resize_op function which was broken by tf forward compatibility movement.
      
      --
      255623150  by Zhichao Lu:
      
          Add Keras-based ResnetV1 models.
      
      --
      255504992  by Zhichao Lu:
      
          Fixing the typo in specifying label expansion for ground truth segmentation
          file.
      
      --
      255470768  by Zhichao Lu:
      
          1. Fixing Python bug with parsed arguments.
          2. Adding capability to parse relevant columns from CSV header.
          3. Fixing bug with duplicated labels expansion.
      
      --
      255462432  by Zhichao Lu:
      
          Adds a new data augmentation operation "drop_label_probabilistically" which drops a given label with the given probability. This supports experiments on training in the presence of label noise.
      
      --
      255441632  by rathodv:
      
          Fallback on groundtruth classes when multiclass_scores tensor is empty.
      
      --
      255434899  by Zhichao Lu:
      
          Ensuring evaluation binary can run even with big files by synchronizing
          processing of ground truth and predictions: in this way, ground truth is not stored but immediatly
          used for evaluation. In case gt of object masks, this allows to run
          evaluations on relatively large sets.
      
      --
      255337855  by lzc:
      
          Internal change.
      
      --
      255308908  by Zhichao Lu:
      
          Add comment to clarify usage of calibration parameters proto.
      
      --
      255266371  by Zhichao Lu:
      
          Ensuring correct processing of the case, when no groundtruth masks are provided
          for an image.
      
      --
      255236648  by Zhichao Lu:
      
          Refactor model_builder in faster_rcnn.py to a util_map, so that it's possible to be overwritten.
      
      --
      255093285  by Zhichao Lu:
      
          Updating capability to subsample data during evaluation
      
      --
      255081222  by rathodv:
      
          Convert groundtruth masks to be of type float32 before its used in the loss function.
      
          When using mixed precision training, masks are represented using bfloat16 tensors in the input pipeline for performance reasons. We need to convert them to float32 before using it in the loss function.
      
      --
      254788436  by Zhichao Lu:
      
          Add forward_compatible to non_max_suppression_with_scores to make it is
          compatible with older tensorflow version.
      
      --
      254442362  by Zhichao Lu:
      
          Add num_layer field to ssd feature extractor proto.
      
      --
      253911582  by jonathanhuang:
      
          Plumbs Soft-NMS options (using the new tf.image.non_max_suppression_with_scores op) into the TF Object Detection API.  It adds a `soft_nms_sigma` field to the postprocessing proto file and plumbs this through to both the multiclass and class_agnostic versions of NMS. Note that there is no effect on behavior of NMS when soft_nms_sigma=0 (which it is set to by default).
      
          See also "Soft-NMS -- Improving Object Detection With One Line of Code" by Bodla et al (https://arxiv.org/abs/1704.04503)
      
      --
      253703949  by Zhichao Lu:
      
          Internal test fixes.
      
      --
      253151266  by Zhichao Lu:
      
          Fix the op type check for FusedBatchNorm, given that we introduced
          FusedBatchNormV3 in a previous change.
      
      --
      252718956  by Zhichao Lu:
      
          Customize activation function to enable relu6 instead of relu for saliency
          prediction model seastarization
      
      --
      252158593  by Zhichao Lu:
      
          Make object_detection/core Python3-compatible.
      
      --
      252150717  by Zhichao Lu:
      
          Make object_detection/core Python3-compatible.
      
      --
      251967048  by Zhichao Lu:
      
          Make GraphRewriter proto extensible.
      
      --
      251950039  by Zhichao Lu:
      
          Remove experimental_export_device_assignment from TPUEstimator.export_savedmodel(), so as to remove rewrite_for_inference().
      
          As a replacement, export_savedmodel() V2 API supports device_assignment where user call tpu.rewrite in model_fn and pass in device_assigment there.
      
      --
      251890697  by rathodv:
      
          Updated docstring to include new output nodes.
      
      --
      251662894  by Zhichao Lu:
      
          Add autoaugment augmentation option to objection detection api codebase. This
          is an available option in preprocessor.py.
      
          The intended usage of autoaugment is to be done along with random flipping and
          cropping for best results.
      
      --
      251532908  by Zhichao Lu:
      
          Add TrainingDataType enum to track whether class-specific or agnostic data was used to fit the calibration function.
      
          This is useful, since classes with few observations may require a calibration function fit on all classes.
      
      --
      251511339  by Zhichao Lu:
      
          Add multiclass isotonic regression to the calibration builder.
      
      --
      251317769  by pengchong:
      
          Internal Change.
      
      --
      250729989  by Zhichao Lu:
      
          Fixing bug in gt statistics count in case of mask and box annotations.
      
      --
      250729627  by Zhichao Lu:
      
          Label expansion for segmentation.
      
      --
      250724905  by Zhichao Lu:
      
          Fix use_depthwise in fpn and test it with fpnlite on ssd + mobilenet v2.
      
      --
      250670379  by Zhichao Lu:
      
          Internal change
      
      250630364  by lzc:
      
          Fix detection_model_zoo footnotes
      
      --
      250560654  by Zhichao Lu:
      
          Fix static shape issue in matmul_crop_and_resize.
      
      --
      250534857  by Zhichao Lu:
      
          Edit class agnostic calibration function docstring to more accurately describe the function's outputs.
      
      --
      250533277  by Zhichao Lu:
      
          Edit the multiclass messages to use class ids instead of labels.
      
      --
      
      PiperOrigin-RevId: 257914648
      fe748d4a
  9. 31 5月, 2019 1 次提交
    • P
      Merged commit includes the following changes: (#6932) · 9bbf8015
      pkulzc 提交于
      250447559  by Zhichao Lu:
      
          Update expected files format for Instance Segmentation challenge:
          - add fields ImageWidth, ImageHeight and store the values per prediction
          - as mask, store only encoded image and assume its size is ImageWidth x ImageHeight
      
      --
      250402780  by rathodv:
      
          Fix failing Mask R-CNN TPU convergence test.
      
          Cast second stage prediction tensors from bfloat16 to float32 to prevent errors in third target assignment (Mask Prediction) - Concat with different types bfloat16 and bfloat32 isn't allowed.
      
      --
      250300240  by Zhichao Lu:
      
          Addion Open Images Challenge 2019 object detection and instance segmentation
          support into Estimator framework.
      
      --
      249944839  by rathodv:
      
          Modify exporter.py to add multiclass score nodes in exported inference graphs.
      
      --
      249935201  by rathodv:
      
          Modify postprocess methods to preserve multiclass scores after non max suppression.
      
      --
      249878079  by Zhichao Lu:
      
          This CL slightly refactors some Object Detection helper functions for data creation, evaluation, and groundtruth providing.
      
          This will allow the eager+function custom loops to share code with the existing estimator training loops.
      
          Concretely we make the following changes:
          1. In input creation we separate dataset-creation into top-level helpers, and allow it to optionally accept a pre-constructed model directly instead of always creating a model from the config just for feature preprocessing.
      
          2. In coco evaluation we split the update_op creation into its own function, which the custom loops will call directly.
      
          3. In model_lib we move groundtruth providing/ datastructure munging into a helper function
      
          4. For now we put an escape hatch in `_summarize_target_assignment` when executing in tf v2.0 behavior because the summary apis used only work w/ tf 1.x
      
      --
      249673507  by rathodv:
      
          Use explicit casts instead of tf.to_float and tf.to_int32 to avoid warnings.
      
      --
      249656006  by Zhichao Lu:
      
          Add named "raw_keypoint_locations" node that corresponds with the "raw_box_locations" node.
      
      --
      249651674  by rathodv:
      
          Keep proposal boxes in float format. MatMulCropAndResize can handle the type even when feature themselves are bfloat16s.
      
      --
      249568633  by rathodv:
      
          Support q > 1 in class agnostic NMS.
          Break post_processing_test.py into 3 separate files to avoid linter errors.
      
      --
      249535530  by rathodv:
      
          Update some deprecated arguments to tf ops.
      
      --
      249368223  by rathodv:
      
          Modify MatMulCropAndResize to use MultiLevelRoIAlign method and move the tests to spatial_transform_ops.py module.
      
          This cl establishes that CropAndResize and RoIAlign are equivalent and only differ in the sampling point grid within the boxes. CropAndResize uses a uniform size x size point grid such that the corner points exactly overlap box corners, while RoiAlign divides boxes into size x size cells and uses their centers as sampling points. In this cl, we switch MatMulCropAndResize to use the MultiLevelRoIAlign implementation with `align_corner` option as MultiLevelRoIAlign implementation is more memory efficient on TPU when compared to the original MatMulCropAndResize.
      
      --
      249337338  by chowdhery:
      
          Add class-agnostic non-max-suppression in post_processing
      
      --
      249139196  by Zhichao Lu:
      
          Fix positional argument bug in export_tflite_ssd_graph
      
      --
      249120219  by Zhichao Lu:
      
          Add evaluator for computing precision limited to a given recall range.
      
      --
      249030593  by Zhichao Lu:
      
          Evaluation util to run segmentation and detection challenge evaluation.
      
      --
      248554358  by Zhichao Lu:
      
          This change contains the auxiliary changes required for TF 2.0 style training with eager+functions+dist strat loops, but not the loops themselves.
      
          It includes:
          - Updates to shape usage to support both tensorshape v1 and tensorshape v2
          - A fix to FreezableBatchNorm to not override the `training` arg in call when `None` was passed to the constructor (Not an issue in the estimator loops but it was in the custom loops)
          - Puts some constants in init_scope so they work in eager + functions
          - Makes learning rate schedules return a callable in eager mode (required so they update when the global_step changes)
          - Makes DetectionModel a tf.module so it tracks variables (e.g. ones nested in layers)
          - Removes some references to `op.name` for some losses and replaces it w/ explicit names
          - A small part of the change to allow the coco evaluation metrics to work in eager mode
      
      --
      248271226  by rathodv:
      
          Add MultiLevel RoIAlign op.
      
      --
      248229103  by rathodv:
      
          Add functions to 1. pad features maps 2. ravel 5-D indices
      
      --
      248206769  by rathodv:
      
          Add utilities needed to introduce RoI Align op.
      
      --
      248177733  by pengchong:
      
          Internal changes
      
      --
      247742582  by Zhichao Lu:
      
          Open Images Challenge 2019 instance segmentation metric: part 2
      
      --
      247525401  by Zhichao Lu:
      
          Update comments on max_class_per_detection.
      
      --
      247520753  by rathodv:
      
          Add multilevel crop and resize operation that builds on top of matmul_crop_and_resize.
      
      --
      247391600  by Zhichao Lu:
      
          Open Images Challenge 2019 instance segmentation metric
      
      --
      247325813  by chowdhery:
      
          Quantized MobileNet v2 SSD FPNLite config with depth multiplier 0.75
      
      --
      
      PiperOrigin-RevId: 250447559
      9bbf8015
  10. 23 5月, 2019 1 次提交
    • Z
      Add TPU SavedModel exporter and refactor OD code (#6737) · 80444539
      Zhuoran Liu 提交于
      247226201  by ronnyvotel:
      
          Updating the visualization tools to accept unique_ids for color coding.
      
      --
      247067830  by Zhichao Lu:
      
          Add box_encodings_clip_range options for the convolutional box predictor (for TPU compatibility).
      
      --
      246888475  by Zhichao Lu:
      
          Remove unused _update_eval_steps function.
      
      --
      246163259  by lzc:
      
          Add a gather op that can handle ignore indices (which are "-1"s in this case).
      
      --
      246084944  by Zhichao Lu:
      
          Keras based implementation for SSD + MobilenetV2 + FPN.
      
      --
      245544227  by rathodv:
      
          Add batch_get_targets method to target assigner module to gather any groundtruth tensors based on the results of target assigner.
      
      --
      245540854  by rathodv:
      
          Update target assigner to return match tensor instead of a match object.
      
      --
      245434441  by Zhichao Lu:
      
          Add README for tpu_exporters package.
      
      --
      245381834  by lzc:
      
          Internal change.
      
      --
      245298983  by Zhichao Lu:
      
          Add conditional_shape_resizer to config_util
      
      --
      245134666  by Zhichao Lu:
      
          Adds ConditionalShapeResizer to the ImageResizer proto which enables resizing only if input image height or width is is greater or smaller than a certain size. Also enables specification of resize method in resize_to_{max, min}_dimension methods.
      
      --
      245093975  by Zhichao Lu:
      
          Exporting SavedModel for Object Detection TPU inference. (faster-rcnn)
      
      --
      245072421  by Zhichao Lu:
      
          Adds a new image resizing method "resize_to_max_dimension" which resizes images only if a dimension is greater than the maximum desired value while maintaining aspect ratio.
      
      --
      244946998  by lzc:
      
          Internal Changes.
      
      --
      244943693  by Zhichao Lu:
      
          Add a custom config to mobilenet v2 that makes it more detection friendly.
      
      --
      244754158  by derekjchow:
      
          Internal change.
      
      --
      244699875  by Zhichao Lu:
      
          Add check_range=False to box_list_ops.to_normalized_coordinates when training
          for instance segmentation.  This is consistent with other calls when training
          for object detection.  There could be wrongly annotated boxes in the dataset.
      
      --
      244507425  by rathodv:
      
          Support bfloat16 for ssd models.
      
      --
      244399982  by Zhichao Lu:
      
          Exporting SavedModel for Object Detection TPU inference. (ssd)
      
      --
      244209387  by Zhichao Lu:
      
          Internal change.
      
      --
      243922296  by rathodv:
      
          Change `raw_detection_scores` to contain softmax/sigmoid scores (not logits) for `raw_ detection_boxes`.
      
      --
      243883978  by Zhichao Lu:
      
          Add a sample fully conv config.
      
      --
      243369455  by Zhichao Lu:
      
          Fix regularization loss gap in Keras and Slim.
      
      --
      243292002  by lzc:
      
          Internal changes.
      
      --
      243097958  by Zhichao Lu:
      
          Exporting SavedModel for Object Detection TPU inference. (ssd model)
      
      --
      243007177  by Zhichao Lu:
      
          Exporting SavedModel for Object Detection TPU inference. (ssd model)
      
      --
      242776550  by Zhichao Lu:
      
          Make object detection pre-processing run on GPU.  tf.map_fn() uses
          TensorArrayV3 ops, which have no int32 GPU implementation.  Cast to int64,
          then cast back to int32.
      
      --
      242723128  by Zhichao Lu:
      
          Using sorted dictionaries for additional heads in non_max_suppression to ensure tensor order
      
      --
      242495311  by Zhichao Lu:
      
          Update documentation to reflect new TFLite examples repo location
      
      --
      242230527  by Zhichao Lu:
      
          Fix Dropout bugs for WeightSharedConvolutionalBoxPred.
      
      --
      242226573  by Zhichao Lu:
      
          Create Keras-based WeightSharedConvolutionalBoxPredictor.
      
      --
      241806074  by Zhichao Lu:
      
          Add inference in unit tests of TFX OD template.
      
      --
      241641498  by lzc:
      
          Internal change.
      
      --
      241637481  by Zhichao Lu:
      
          matmul_crop_and_resize(): Switch to dynamic shaping, so that not all dimensions are required to be known.
      
      --
      241429980  by Zhichao Lu:
      
          Internal change
      
      --
      241167237  by Zhichao Lu:
      
          Adds a faster_rcnn_inception_resnet_v2 Keras feature extractor, and updates the model builder to construct it.
      
      --
      241088616  by Zhichao Lu:
      
          Make it compatible with different dtype, e.g. float32, bfloat16, etc.
      
      --
      240897364  by lzc:
      
          Use image_np_expanded in object_detection_tutorial notebook.
      
      --
      240890393  by Zhichao Lu:
      
          Disable multicore inference for OD template as its not yet compatible.
      
      --
      240352168  by Zhichao Lu:
      
          Make SSDResnetV1FpnFeatureExtractor not protected to allow inheritance.
      
      --
      240351470  by lzc:
      
          Internal change.
      
      --
      239878928  by Zhichao Lu:
      
          Defines Keras box predictors for Faster RCNN and RFCN
      
      --
      239872103  by Zhichao Lu:
      
          Delete duplicated inputs in test.
      
      --
      239714273  by Zhichao Lu:
      
          Adding scope variable to all class heads
      
      --
      239698643  by Zhichao Lu:
      
          Create FPN feature extractor for object detection.
      
      --
      239696657  by Zhichao Lu:
      
          Internal Change.
      
      --
      239299404  by Zhichao Lu:
      
          Allows the faster rcnn meta-architecture to support Keras subcomponents
      
      --
      238502595  by Zhichao Lu:
      
          Lay the groundwork for symmetric quantization.
      
      --
      238496885  by Zhichao Lu:
      
          Add flexible_grid_anchor_generator
      
      --
      238138727  by lzc:
      
          Remove dead code.
      
          _USE_C_SHAPES has been forced True in TensorFlow releases since
          TensorFlow 1.9
          (https://github.com/tensorflow/tensorflow/commit/1d74a69443f741e69f9f52cb6bc2940b4d4ae3b7)
      
      --
      238123936  by rathodv:
      
          Add num_matched_groundtruth summary to target assigner in SSD.
      
      --
      238103345  by ronnyvotel:
      
          Raising error if input file pattern does not match any files.
          Also printing the number of evaluation images for coco metrics.
      
      --
      238044081  by Zhichao Lu:
      
          Fix docstring to state the correct dimensionality of `class_predictions_with_background`.
      
      --
      237920279  by Zhichao Lu:
      
          [XLA] Rework debug flags for dumping HLO.
      
          The following flags (usually passed via the XLA_FLAGS envvar) are removed:
      
            xla_dump_computations_to
            xla_dump_executions_to
            xla_dump_ir_to
            xla_dump_optimized_hlo_proto_to
            xla_dump_per_pass_hlo_proto_to
            xla_dump_unoptimized_hlo_proto_to
            xla_generate_hlo_graph
            xla_generate_hlo_text_to
            xla_hlo_dump_as_html
            xla_hlo_graph_path
            xla_log_hlo_text
      
          The following new flags are added:
      
            xla_dump_to
            xla_dump_hlo_module_re
            xla_dump_hlo_pass_re
            xla_dump_hlo_as_text
            xla_dump_hlo_as_proto
            xla_dump_hlo_as_dot
            xla_dump_hlo_as_url
            xla_dump_hlo_as_html
            xla_dump_ir
            xla_dump_hlo_snapshots
      
          The default is not to dump anything at all, but as soon as some dumping flag is
          specified, we enable the following defaults (most of which can be overridden).
      
           * dump to stdout (overridden by --xla_dump_to)
           * dump HLO modules at the very beginning and end of the optimization pipeline
           * don't dump between any HLO passes (overridden by --xla_dump_hlo_pass_re)
           * dump all HLO modules (overridden by --xla_dump_hlo_module_re)
           * dump in textual format (overridden by
             --xla_dump_hlo_as_{text,proto,dot,url,html}).
      
          For example, to dump optimized and unoptimized HLO text and protos to /tmp/foo,
          pass
      
            --xla_dump_to=/tmp/foo --xla_dump_hlo_as_text --xla_dump_hlo_as_proto
      
          For details on these flags' meanings, see xla.proto.
      
          The intent of this change is to make dumping both simpler to use and more
          powerful.
      
          For example:
      
           * Previously there was no way to dump the HLO module during the pass pipeline
             in HLO text format; the only option was --dump_per_pass_hlo_proto_to, which
             dumped in proto format.
      
             Now this is --xla_dump_pass_re=.* --xla_dump_hlo_as_text.  (In fact, the
             second flag is not necessary in this case, as dumping as text is the
             default.)
      
           * Previously there was no way to dump HLO as a graph before and after
             compilation; the only option was --xla_generate_hlo_graph, which would dump
             before/after every pass.
      
             Now this is --xla_dump_hlo_as_{dot,url,html} (depending on what format you
             want the graph in).
      
           * Previously, there was no coordination between the filenames written by the
             various flags, so info about one module might be dumped with various
             filename prefixes.  Now the filenames are consistent and all dumps from a
             particular module are next to each other.
      
          If you only specify some of these flags, we try to figure out what you wanted.
          For example:
      
           * --xla_dump_to implies --xla_dump_hlo_as_text unless you specify some
             other --xla_dump_as_* flag.
      
           * --xla_dump_hlo_as_text or --xla_dump_ir implies dumping to stdout unless you
             specify a different --xla_dump_to directory.  You can explicitly dump to
             stdout with --xla_dump_to=-.
      
          As part of this change, I simplified the debugging code in the HLO passes for
          dumping HLO modules.  Previously, many tests explicitly VLOG'ed the HLO module
          before, after, and sometimes during the pass.  I removed these VLOGs.  If you
          want dumps before/during/after an HLO pass, use --xla_dump_pass_re=<pass_name>.
      
      --
      237510043  by lzc:
      
          Internal Change.
      
      --
      237469515  by Zhichao Lu:
      
          Parameterize model_builder.build in inputs.py.
      
      --
      237293511  by rathodv:
      
          Remove multiclass_scores from tensor_dict in transform_data_fn always.
      
      --
      237260333  by ronnyvotel:
      
          Updating faster_rcnn_meta_arch to define prediction dictionary fields that are batched.
      
      --
      
      PiperOrigin-RevId: 247226201
      80444539
  11. 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
  12. 01 12月, 2018 1 次提交
    • Z
      Merged commit includes the following changes: · a1337e01
      Zhichao Lu 提交于
      223075771  by lzc:
      
          Bring in external fixes.
      
      --
      222919755  by ronnyvotel:
      
          Bug fix in faster r-cnn model builder. Was previously using `inplace_batchnorm_update` for `reuse_weights`.
      
      --
      222885680  by Zhichao Lu:
      
          Use the result_dict_for_batched_example in models_lib
          Also fixes the visualization size on when eval is on GPU
      
      --
      222883648  by Zhichao Lu:
      
          Fix _unmatched_class_label for the _add_background_class == False case in ssd_meta_arch.py.
      
      --
      222836663  by Zhichao Lu:
      
          Adding support for visualizing grayscale images. Without this change, the images are black-red instead of grayscale.
      
      --
      222501978  by Zhichao Lu:
      
          Fix a bug that caused convert_to_grayscale flag not to be respected.
      
      --
      222432846  by richardmunoz:
      
          Fix mapping of groundtruth_confidences from shape [num_boxes] to [num_boxes, num_classes] when the input contains the groundtruth_confidences field.
      
      --
      221725755  by richardmunoz:
      
          Internal change.
      
      --
      221458536  by Zhichao Lu:
      
          Fix saver defer build bug in object detection train codepath.
      
      --
      221391590  by Zhichao Lu:
      
          Add support for group normalization in the object detection API. Just adding MobileNet-v1 SSD currently. This may serve as a road map for other models that wish to support group normalization as an option.
      
      --
      221367993  by Zhichao Lu:
      
          Bug fixes (1) Make RandomPadImage work, (2) Fix keep_checkpoint_every_n_hours.
      
      --
      221266403  by rathodv:
      
          Use detection boxes as proposals to compute correct mask loss in eval jobs.
      
      --
      220845934  by lzc:
      
          Internal change.
      
      --
      220778850  by Zhichao Lu:
      
          Incorporating existing metrics into Estimator framework.
          Should restore:
          -oid_challenge_detection_metrics
          -pascal_voc_detection_metrics
          -weighted_pascal_voc_detection_metrics
          -pascal_voc_instance_segmentation_metrics
          -weighted_pascal_voc_instance_segmentation_metrics
          -oid_V2_detection_metrics
      
      --
      220370391  by alirezafathi:
      
          Adding precision and recall to the metrics.
      
      --
      220321268  by Zhichao Lu:
      
          Allow the option of setting max_examples_to_draw to zero.
      
      --
      220193337  by Zhichao Lu:
      
          This CL fixes a bug where the Keras convolutional box predictor was applying heads in the non-deterministic dict order. The consequence of this bug was that variables were created in non-deterministic orders. This in turn led different workers in a multi-gpu training setup to have slightly different graphs which had variables assigned to mismatched parameter servers. As a result, roughly half of all workers were unable to initialize and did no work, and training time was slowed down approximately 2x.
      
      --
      220136508  by huizhongc:
      
          Add weight equalization loss to SSD meta arch.
      
      --
      220125875  by pengchong:
      
          Rename label_scores to label_weights
      
      --
      219730108  by Zhichao Lu:
      
          Add description of detection_keypoints in postprocessed_tensors to docstring.
      
      --
      219577519  by pengchong:
      
          Support parsing the class confidences and training using them.
      
      --
      219547611  by lzc:
      
          Stop using static shapes in GPU eval jobs.
      
      --
      219536476  by Zhichao Lu:
      
          Migrate TensorFlow Lite out of tensorflow/contrib
      
          This change moves //tensorflow/contrib/lite to //tensorflow/lite in preparation
          for TensorFlow 2.0's deprecation of contrib/. If you refer to TF Lite build
          targets or headers, you will need to update them manually. If you use TF Lite
          from the TensorFlow python package, "tf.contrib.lite" now points to "tf.lite".
          Please update your imports as soon as possible.
      
          For more details, see https://groups.google.com/a/tensorflow.org/forum/#!topic/tflite/iIIXOTOFvwQ
      
          @angersson and @aselle are conducting this migration. Please contact them if
          you have any further questions.
      
      --
      219190083  by Zhichao Lu:
      
          Add a second expected_loss_weights function using an alternative expectation calculation compared to previous. Integrate this op into ssd_meta_arch and losses builder. Affects files that use losses_builder.build to handle the returning of an additional element.
      
      --
      218924451  by pengchong:
      
          Add a new way to assign training targets using groundtruth confidences.
      
      --
      218760524  by chowdhery:
      
          Modify export script to add option for regular NMS in TFLite post-processing op.
      
      --
      
      PiperOrigin-RevId: 223075771
      a1337e01
  13. 02 11月, 2018 1 次提交
    • P
      Minor fixes for object detection (#5613) · 31ae57eb
      pkulzc 提交于
      * Internal change.
      
      PiperOrigin-RevId: 213914693
      
      * Add original_image_spatial_shape tensor in input dictionary to store shape of the original input image
      
      PiperOrigin-RevId: 214018767
      
      * Remove "groundtruth_confidences" from decoders use "groundtruth_weights" to indicate label confidence.
      
      This also solves a bug that only surfaced now - random crop routines in core/preprocessor.py did not correctly handle "groundtruth_weight" tensors returned by the decoders.
      
      PiperOrigin-RevId: 214091843
      
      * Update CocoMaskEvaluator to allow for a batch of image info, rather than a single image.
      
      PiperOrigin-RevId: 214295305
      
      * Adding the option to be able to summarize gradients.
      
      PiperOrigin-RevId: 214310875
      
      * Adds FasterRCNN inference on CPU
      
      1. Adds a flag use_static_shapes_for_eval to restrict to the ops that guarantees static shape.
      2. No filtering of overlapping anchors while clipping the anchors when use_static_shapes_for_eval is set to True.
      3. Adds test for faster_rcnn_meta_arch for predict and postprocess in inference mode for first and second stages.
      
      PiperOrigin-RevId: 214329565
      
      * Fix model_lib eval_spec_names assignment (integer->string).
      
      PiperOrigin-RevId: 214335461
      
      * Refactor Mask HEAD to optionally upsample after applying convolutions on ROI crops.
      
      PiperOrigin-RevId: 214338440
      
      * Uses final_exporter_name as exporter_name for the first eval spec for backward compatibility.
      
      PiperOrigin-RevId: 214522032
      
      * Add reshaped `mask_predictions` tensor to the prediction dictionary in `_predict_third_stage` method to allow computing mask loss in eval job.
      
      PiperOrigin-RevId: 214620716
      
      * Add support for fully conv training to fpn.
      
      PiperOrigin-RevId: 214626274
      
      * Fix the proprocess() function in Resnet v1 to make it work for any number of input channels.
      
      Note: If the #channels != 3, this will simply skip the mean subtraction in preprocess() function.
      PiperOrigin-RevId: 214635428
      
      * Wrap result_dict_for_single_example in eval_util to run for batched examples.
      
      PiperOrigin-RevId: 214678514
      
      * Adds PNASNet-based (ImageNet model) feature extractor for SSD.
      
      PiperOrigin-RevId: 214988331
      
      * Update documentation
      
      PiperOrigin-RevId: 215243502
      
      * Correct index used to compute number of groundtruth/detection boxes in COCOMaskEvaluator.
      
      Due to an incorrect indexing in cl/214295305 only the first detection mask and first groundtruth mask for a given image are fed to the COCO Mask evaluation library. Since groundtruth masks are arranged in no particular order, the first and highest scoring detection mask (detection masks are ordered by score) won't match the the first and only groundtruth retained in all cases. This is I think why mask evaluation metrics do not get better than ~11 mAP. Note that this code path is only active when using model_main.py binary for evaluation.
      
      This change fixes the indices and modifies an existing test case to cover it.
      
      PiperOrigin-RevId: 215275936
      
      * Fixing grayscale_image_resizer to accept mask as input.
      
      PiperOrigin-RevId: 215345836
      
      * Add an option not to clip groundtruth boxes during preprocessing. Clipping boxes adversely affects training for partially occluded or large objects, especially for fully conv models. Clipping already occurs during postprocessing, and should not occur during training.
      
      PiperOrigin-RevId: 215613379
      
      * Always return recalls and precisions with length equal to the number of classes.
      
      The previous behavior of ObjectDetectionEvaluation was somewhat dangerous: when no groundtruth boxes were present, the lists of per-class precisions and recalls were simply truncated. Unless you were aware of this phenomenon (and consulted the `num_gt_instances_per_class` vector) it was difficult to associate each metric with each class.
      
      PiperOrigin-RevId: 215633711
      
      * Expose the box feature node in SSD.
      
      PiperOrigin-RevId: 215653316
      
      * Fix ssd mobilenet v2 _CONV_DEFS overwriting issue.
      
      PiperOrigin-RevId: 215654160
      
      * More documentation updates
      
      PiperOrigin-RevId: 215656580
      
      * Add pooling + residual option in multi_resolution_feature_maps. It adds an average pooling and a residual layer between feature maps with matching depth. Designed to be used with WeightSharedBoxPredictor.
      
      PiperOrigin-RevId: 215665619
      
      * Only call create_modificed_mobilenet_config on init if use_depthwise is true.
      
      PiperOrigin-RevId: 215784290
      
      * Only call create_modificed_mobilenet_config on init if use_depthwise is true.
      
      PiperOrigin-RevId: 215837524
      
      * Don't prune keypoints if clip_boxes is false.
      
      PiperOrigin-RevId: 216187642
      
      * Makes sure "key" field exists in the result dictionary.
      
      PiperOrigin-RevId: 216456543
      
      * Add add_background_class parameter to allow disabling the inclusion of a background class.
      
      PiperOrigin-RevId: 216567612
      
      * Update expected_classification_loss_under_sampling to better account for expected sampling.
      
      PiperOrigin-RevId: 216712287
      
      * Let the evaluation receive a evaluation class in its constructor.
      
      PiperOrigin-RevId: 216769374
      
      * This CL adds model building & training support for end-to-end Keras-based SSD models. If a Keras feature extractor's name is specified in the model config (e.g. 'ssd_mobilenet_v2_keras'), the model will use that feature extractor and a corresponding Keras-based box predictor.
      
      This CL makes sure regularization losses & batch norm updates work correctly when training models that have Keras-based components. It also updates the default hyperparameter settings of the keras-based mobilenetV2 (when not overriding hyperparams) to more closely match the legacy Slim training scope.
      
      PiperOrigin-RevId: 216938707
      
      * Adding the ability in the coco evaluator to indicate whether an image has been annotated. For a non-annotated image, detections and groundtruth are not supplied.
      
      PiperOrigin-RevId: 217316342
      
      * Release the 8k minival dataset ids for MSCOCO, used in Huang et al. "Speed/accuracy trade-offs for modern convolutional object detectors" (https://arxiv.org/abs/1611.10012)
      
      PiperOrigin-RevId: 217549353
      
      * Exposes weighted_sigmoid_focal loss for faster rcnn classifier
      
      PiperOrigin-RevId: 217601740
      
      * Add detection_features to output nodes. The shape of the feature is [batch_size, max_detections, depth].
      
      PiperOrigin-RevId: 217629905
      
      * FPN uses a custom NN resize op for TPU-compatibility. Replace this op with the Tensorflow version at export time for TFLite-compatibility.
      
      PiperOrigin-RevId: 217721184
      
      * Compute `num_groundtruth_boxes` in inputs.tranform_input_data_fn after data augmentation instead of decoders.
      
      PiperOrigin-RevId: 217733432
      
      * 1. Stop gradients from flowing into groundtruth masks with zero paddings.
      2. Normalize pixelwise cross entropy loss across the whole batch.
      
      PiperOrigin-RevId: 217735114
      
      * Optimize Input pipeline for Mask R-CNN on TPU with blfoat16: improve the step time from:
      1663.6 ms -> 1184.2 ms, about 28.8% improvement.
      
      PiperOrigin-RevId: 217748833
      
      * Fixes to export a TPU compatible model
      
      Adds nodes to each of the output tensor. Also increments the value of class labels by 1.
      
      PiperOrigin-RevId: 217856760
      
      * API changes:
       - change the interface of target assigner to return per-class weights.
       - change the interface of classification loss to take per-class weights.
      
      PiperOrigin-RevId: 217968393
      
      * Add an option to override pipeline config in export_saved_model using command line arg
      
      PiperOrigin-RevId: 218429292
      
      * Include Quantized trained MobileNet V2 SSD and FaceSsd in model zoo.
      
      PiperOrigin-RevId: 218530947
      
      * Write final config to disk in `train` mode only.
      
      PiperOrigin-RevId: 218735512
      31ae57eb
  14. 22 9月, 2018 2 次提交
    • P
      Minor fixes for object detection. · 1f484095
      pkulzc 提交于
      214018767  by Zhichao Lu:
      
          Add original_image_spatial_shape tensor in input dictionary to store shape of the original input image
      
      --
      213914693  by lzc:
      
          Internal change.
      
      --
      213872175  by Zhichao Lu:
      
          This CL adds a Keras-based mobilenet_v2 feature extractor for object detection models.
      
          As part of this CL, we use the Keras mobilenet_v2 application's keyword argument layer injection API to allow the generated network to support the object detection hyperparameters.
      
      --
      213848499  by Zhichao Lu:
      
          Replace tf.image.resize_nearest_neighbor with tf.image.resize_images. tf.image.resize_nearest_neighbor only supports 4-D tensors but masks is a 3-D tensor.
      
      --
      213758622  by lzc:
      
          Internal change.
      
      --
      
      PiperOrigin-RevId: 214018767
      1f484095
    • P
      Release iNaturalist Species-trained models, refactor of evaluation, box... · 99256cf4
      pkulzc 提交于
      Release iNaturalist Species-trained models, refactor of evaluation, box predictor for object detection. (#5289)
      
      * Merged commit includes the following changes:
      212389173  by Zhichao Lu:
      
          1. Replace tf.boolean_mask with tf.where
      
      --
      212282646  by Zhichao Lu:
      
          1. Fix a typo in model_builder.py and add a test to cover it.
      
      --
      212142989  by Zhichao Lu:
      
          Only resize masks in meta architecture if it has not already been resized in the input pipeline.
      
      --
      212136935  by Zhichao Lu:
      
          Choose matmul or native crop_and_resize in the model builder instead of faster r-cnn meta architecture.
      
      --
      211907984  by Zhichao Lu:
      
          Make eval input reader repeated field and update config util to handle this field.
      
      --
      211858098  by Zhichao Lu:
      
          Change the implementation of merge_boxes_with_multiple_labels.
      
      --
      211843915  by Zhichao Lu:
      
          Add Mobilenet v2 + FPN support.
      
      --
      211655076  by Zhichao Lu:
      
          Bug fix for generic keys in config overrides
      
          In generic configuration overrides, we had a duplicate entry for train_input_config and we were missing the eval_input_config and eval_config.
      
          This change also introduces testing for all config overrides.
      
      --
      211157501  by Zhichao Lu:
      
          Make the locally-modified conv defs a copy.
      
          So that it doesn't modify MobileNet conv defs globally for other code that
          transitively imports this package.
      
      --
      211112813  by Zhichao Lu:
      
          Refactoring visualization tools for Estimator's eval_metric_ops. This will make it easier for future models to take advantage of a single interface and mechanics.
      
      --
      211109571  by Zhichao Lu:
      
          A test decorator.
      
      --
      210747685  by Zhichao Lu:
      
          For FPN, when use_depthwise is set to true, use slightly modified mobilenet v1 config.
      
      --
      210723882  by Zhichao Lu:
      
          Integrating the losses mask into the meta architectures. When providing groundtruth, one can optionally specify annotation information (i.e. which images are labeled vs. unlabeled). For any image that is unlabeled, there is no loss accumulation.
      
      --
      210673675  by Zhichao Lu:
      
          Internal change.
      
      --
      210546590  by Zhichao Lu:
      
          Internal change.
      
      --
      210529752  by Zhichao Lu:
      
          Support batched inputs with ops.matmul_crop_and_resize.
      
          With this change the new inputs are images of shape [batch, heigh, width, depth] and boxes of shape [batch, num_boxes, 4]. The output tensor is of the shape [batch, num_boxes, crop_height, crop_width, depth].
      
      --
      210485912  by Zhichao Lu:
      
          Fix TensorFlow version check in object_detection_tutorial.ipynb
      
      --
      210484076  by Zhichao Lu:
      
          Reduce TPU memory required for single image matmul_crop_and_resize.
      
          Using tf.einsum eliminates intermediate tensors, tiling and expansion. for an image of size [40, 40, 1024] and boxes of shape [300, 4] HBM memory usage goes down from 3.52G to 1.67G.
      
      --
      210468361  by Zhichao Lu:
      
          Remove PositiveAnchorLossCDF/NegativeAnchorLossCDF to resolve "Main thread is not in main loop error" issue in local training.
      
      --
      210100253  by Zhichao Lu:
      
          Pooling pyramid feature maps: add option to replace max pool with convolution layers.
      
      --
      209995842  by Zhichao Lu:
      
          Fix a bug which prevents variable sharing in Faster RCNN.
      
      --
      209965526  by Zhichao Lu:
      
          Add support for enabling export_to_tpu through the estimator.
      
      --
      209946440  by Zhichao Lu:
      
          Replace deprecated tf.train.Supervisor with tf.train.MonitoredSession. MonitoredSession also takes away the hassle of starting queue runners.
      
      --
      209888003  by Zhichao Lu:
      
          Implement function to handle data where source_id is not set.
      
          If the field source_id is found to be the empty string for any image during runtime, it will be replaced with a random string. This avoids hash-collisions on dataset where many examples do not have source_id set. Those hash-collisions have unintended site effects and may lead to bugs in the detection pipeline.
      
      --
      209842134  by Zhichao Lu:
      
          Converting loss mask into multiplier, rather than using it as a boolean mask (which changes tensor shape). This is necessary, since other utilities (e.g. hard example miner) require a loss matrix with the same dimensions as the original prediction tensor.
      
      --
      209768066  by Zhichao Lu:
      
          Adding ability to remove loss computation from specific images in a batch, via an optional boolean mask.
      
      --
      209722556  by Zhichao Lu:
      
          Remove dead code.
      
          (_USE_C_API was flipped to True by default in TensorFlow 1.8)
      
      --
      209701861  by Zhichao Lu:
      
          This CL cleans-up some tf.Example creation snippets, by reusing the convenient tf.train.Feature building functions in dataset_util.
      
      --
      209697893  by Zhichao Lu:
      
          Do not overwrite num_epoch for eval input. This leads to errors in some cases.
      
      --
      209694652  by Zhichao Lu:
      
          Sample boxes by jittering around the currently given boxes.
      
      --
      209550300  by Zhichao Lu:
      
          `create_category_index_from_labelmap()` function now accepts `use_display_name` parameter.
          Also added create_categories_from_labelmap function for convenience
      
      --
      209490273  by Zhichao Lu:
      
          Check result_dict type before accessing image_id via key.
      
      --
      209442529  by Zhichao Lu:
      
          Introducing the capability to sample examples for evaluation. This makes it easy to specify one full epoch of evaluation, or a subset (e.g. sample 1 of every N examples).
      
      --
      208941150  by Zhichao Lu:
      
          Adding the capability of exporting the results in json format.
      
      --
      208888798  by Zhichao Lu:
      
          Fixes wrong dictionary key for num_det_boxes_per_image.
      
      --
      208873549  by Zhichao Lu:
      
          Reduce the number of HLO ops created by matmul_crop_and_resize.
      
          Do not unroll along the channels dimension. Instead, transpose the input image dimensions, apply tf.matmul and transpose back.
      
          The number of HLO instructions for 1024 channels reduce from 12368 to 110.
      
      --
      208844315  by Zhichao Lu:
      
          Add an option to use tf.non_maximal_supression_padded in SSD post-process
      
      --
      208731380  by Zhichao Lu:
      
          Add field in box_predictor config to enable mask prediction and update builders accordingly.
      
      --
      208699405  by Zhichao Lu:
      
          This CL creates a keras-based multi-resolution feature map extractor.
      
      --
      208557208  by Zhichao Lu:
      
          Add TPU tests for Faster R-CNN Meta arch.
      
          * Tests that two_stage_predict and total_loss tests run successfully on TPU.
          * Small mods to multiclass_non_max_suppression to preserve static shapes.
      
      --
      208499278  by Zhichao Lu:
      
          This CL makes sure the Keras convolutional box predictor & head layers apply activation layers *after* normalization (as opposed to before).
      
      --
      208391694  by Zhichao Lu:
      
          Updating visualization tool to produce multiple evaluation images.
      
      --
      208275961  by Zhichao Lu:
      
          This CL adds a Keras version of the Convolutional Box Predictor, as well as more general infrastructure for making Keras Prediction heads & Keras box predictors.
      
      --
      208275585  by Zhichao Lu:
      
          This CL enables the Keras layer hyperparameter object to build a dedicated activation layer, and to disable activation by default in the op layer construction kwargs.
      
          This is necessary because in most cases the normalization layer must be applied before the activation layer. So, in Keras models we must set the convolution activation in a dedicated layer after normalization is applied, rather than setting it in the convolution layer construction args.
      
      --
      208263792  by Zhichao Lu:
      
          Add a new SSD mask meta arch that can predict masks for SSD models.
          Changes including:
           - overwrite loss function to add mask loss computation.
           - update ssd_meta_arch to handle masks if predicted in predict and postprocessing.
      
      --
      208000218  by Zhichao Lu:
      
          Make FasterRCNN choose static shape operations only in training mode.
      
      --
      207997797  by Zhichao Lu:
      
          Add static boolean_mask op to box_list_ops.py and use that in faster_rcnn_meta_arch.py to support use_static_shapes option.
      
      --
      207993460  by Zhichao Lu:
      
          Include FGVC detection models in model zoo.
      
      --
      207971213  by Zhichao Lu:
      
          remove the restriction to run tf.nn.top_k op on CPU
      
      --
      207961187  by Zhichao Lu:
      
          Build the first stage NMS function in the model builder and pass it to FasterRCNN meta arch.
      
      --
      207960608  by Zhichao Lu:
      
          Internal Change.
      
      --
      207927015  by Zhichao Lu:
      
          Have an option to use the TPU compatible NMS op cl/206673787, in the batch_multiclass_non_max_suppression function. On setting pad_to_max_output_size to true, the output nmsed boxes are padded to be of length max_size_per_class.
      
          This can be used in first stage Region Proposal Network in FasterRCNN model by setting the first_stage_nms_pad_to_max_proposals field to true in config proto.
      
      --
      207809668  by Zhichao Lu:
      
          Add option to use depthwise separable conv instead of conv2d in FPN and WeightSharedBoxPredictor. More specifically, there are two related configs:
          - SsdFeatureExtractor.use_depthwise
          - WeightSharedConvolutionalBoxPredictor.use_depthwise
      
      --
      207808651  by Zhichao Lu:
      
          Fix the static balanced positive negative sampler's TPU tests
      
      --
      207798658  by Zhichao Lu:
      
          Fixes a post-refactoring bug where the pre-prediction convolution layers in the convolutional box predictor are ignored.
      
      --
      207796470  by Zhichao Lu:
      
          Make slim endpoints visible in FasterRCNNMetaArch.
      
      --
      207787053  by Zhichao Lu:
      
          Refactor ssd_meta_arch so that the target assigner instance is passed into the SSDMetaArch constructor rather than constructed inside.
      
      --
      
      PiperOrigin-RevId: 212389173
      
      * Fix detection model zoo typo.
      
      * Modify tf example decoder to handle label maps with either `display_name` or `name` fields seamlessly.
      
      Currently, tf example decoder uses only `name` field to look up ids for class text field present in the data. This change uses both `display_name` and `name` fields in the label map to fetch ids for class text.
      
      PiperOrigin-RevId: 212672223
      
      * Modify create_coco_tf_record tool to write out class text instead of class labels.
      
      PiperOrigin-RevId: 212679112
      
      * Fix detection model zoo typo.
      
      PiperOrigin-RevId: 212715692
      
      * Adding the following two optional flags to WeightSharedConvolutionalBoxHead:
      1) In the box head, apply clipping to box encodings in the box head.
      2) In the class head, apply sigmoid to class predictions at inference time.
      
      PiperOrigin-RevId: 212723242
      
      * Support class confidences in merge boxes with multiple labels.
      
      PiperOrigin-RevId: 212884998
      
      * Creates multiple eval specs for object detection.
      
      PiperOrigin-RevId: 212894556
      
      * Set batch_norm on last layer in Mask Head to None.
      
      PiperOrigin-RevId: 213030087
      
      * Enable bfloat16 training for object detection models.
      
      PiperOrigin-RevId: 213053547
      
      * Skip padding op when unnecessary.
      
      PiperOrigin-RevId: 213065869
      
      * Modify `Matchers` to use groundtruth weights before performing matching.
      
      Groundtruth weights tensor is used to indicate padding in groundtruth box tensor. It is handled in `TargetAssigner` by creating appropriate classification and regression target weights based on the groundtruth box each anchor matches to. However, options such as `force_match_all_rows` in `ArgmaxMatcher` force certain anchors to match to groundtruth boxes that are just paddings thereby reducing the number of anchors that could otherwise match to real groundtruth boxes.
      
      For single stage models like SSD the effect of this is negligible as there are two orders of magnitude more anchors than the number of padded groundtruth boxes. But for Faster R-CNN and Mask R-CNN where there are only 300 anchors in the second stage, a significant number of these match to groundtruth paddings reducing the number of anchors regressing to real groundtruth boxes degrading the performance severely.
      
      Therefore, this change introduces an additional boolean argument `valid_rows` to `Matcher.match` methods and the implementations now ignore such padded groudtruth boxes during matching.
      
      PiperOrigin-RevId: 213345395
      
      * Add release note for iNaturalist Species trained models.
      
      PiperOrigin-RevId: 213347179
      
      * Fix the bug of uninitialized gt_is_crowd_list variable.
      
      PiperOrigin-RevId: 213364858
      
      * ...text exposed to open source public git repo...
      
      PiperOrigin-RevId: 213554260
      99256cf4
  15. 08 8月, 2018 1 次提交
    • P
      Update object detection post processing and fixes boxes padding/clipping issue. (#5026) · 59f7e80a
      pkulzc 提交于
      * Merged commit includes the following changes:
      207771702  by Zhichao Lu:
      
          Refactoring evaluation utilities so that it is easier to introduce new DetectionEvaluators with eval_metric_ops.
      
      --
      207758641  by Zhichao Lu:
      
          Require tensorflow version 1.9+ for running object detection API.
      
      --
      207641470  by Zhichao Lu:
      
          Clip `num_groundtruth_boxes` in pad_input_data_to_static_shapes() to `max_num_boxes`. This prevents a scenario where tensors are sliced to an invalid range in model_lib.unstack_batch().
      
      --
      207621728  by Zhichao Lu:
      
          This CL adds a FreezableBatchNorm that inherits from the Keras BatchNormalization layer, but supports freezing the `training` parameter at construction time instead of having to do it in the `call` method.
      
          It also adds a method to the `KerasLayerHyperparams` class that will build an appropriate FreezableBatchNorm layer according to the hyperparameter configuration. If batch_norm is disabled, this method returns and Identity layer.
      
          These will be used to simplify the conversion to Keras APIs.
      
      --
      207610524  by Zhichao Lu:
      
          Update anchor generators and box predictors for python3 compatibility.
      
      --
      207585122  by Zhichao Lu:
      
          Refactoring convolutional box predictor into separate prediction heads.
      
      --
      207549305  by Zhichao Lu:
      
          Pass all 1s for batch weights if nothing is specified in GT.
      
      --
      207336575  by Zhichao Lu:
      
          Move the new argument 'target_assigner_instance' to the end of the list of arguments to the ssd_meta_arch constructor for backwards compatibility.
      
      --
      207327862  by Zhichao Lu:
      
          Enable support for float output in quantized custom op for postprocessing in SSD Mobilenet model.
      
      --
      207323154  by Zhichao Lu:
      
          Bug fix: change dict.iteritems() to dict.items()
      
      --
      207301109  by Zhichao Lu:
      
          Integrating expected_classification_loss_under_sampling op as an option in the ssd_meta_arch
      
      --
      207286221  by Zhichao Lu:
      
          Adding an option to weight regression loss with foreground scores from the ground truth labels.
      
      --
      207231739  by Zhichao Lu:
      
          Explicitly mentioning the argument names when calling the batch target assigner.
      
      --
      207206356  by Zhichao Lu:
      
          Add include_trainable_variables field to train config to better handle trainable variables.
      
      --
      207135930  by Zhichao Lu:
      
          Internal change.
      
      --
      206862541  by Zhichao Lu:
      
          Do not unpad the outputs from batch_non_max_suppression before sampling.
      
          Since BalancedPositiveNegativeSampler takes an indicator for valid positions to sample from we can pass the output from NMS directly into Sampler.
      
      --
      
      PiperOrigin-RevId: 207771702
      
      * Remove unused doc.
      59f7e80a
  16. 02 8月, 2018 1 次提交
    • P
      Refactor object detection box predictors and fix some issues with model_main. (#4965) · 02a9969e
      pkulzc 提交于
      * Merged commit includes the following changes:
      206852642  by Zhichao Lu:
      
          Build the balanced_positive_negative_sampler in the model builder for FasterRCNN. Also adds an option to use the static implementation of the sampler.
      
      --
      206803260  by Zhichao Lu:
      
          Fixes a misplaced argument in resnet fpn feature extractor.
      
      --
      206682736  by Zhichao Lu:
      
          This CL modifies the SSD meta architecture to support both Slim-based and Keras-based box predictors, and begins preparation for Keras box predictor support in the other meta architectures.
      
          Concretely, this CL adds a new `KerasBoxPredictor` base class and makes the meta architectures appropriately call whichever box predictors they are using.
      
          We can switch the non-ssd meta architectures to fully support Keras box predictors once the Keras Convolutional Box Predictor CL is submitted.
      
      --
      206669634  by Zhichao Lu:
      
          Adds an alternate method for balanced positive negative sampler using static shapes.
      
      --
      206643278  by Zhichao Lu:
      
          This CL adds a Keras layer hyperparameter configuration object to the hyperparams_builder.
      
          It automatically converts from Slim layer hyperparameter configs to Keras layer hyperparameters. Namely, it:
          - Builds Keras initializers/regularizers instead of Slim ones
          - sets weights_regularizer/initializer to kernel_regularizer/initializer
          - converts batchnorm decay to momentum
          - converts Slim l2 regularizer weights to the equivalent Keras l2 weights
      
          This will be used in the conversion of object detection feature extractors & box predictors to newer Tensorflow APIs.
      
      --
      206611681  by Zhichao Lu:
      
          Internal changes.
      
      --
      206591619  by Zhichao Lu:
      
          Clip the to shape when the input tensors are larger than the expected padded static shape
      
      --
      206517644  by Zhichao Lu:
      
          Make MultiscaleGridAnchorGenerator more consistent with MultipleGridAnchorGenerator.
      
      --
      206415624  by Zhichao Lu:
      
          Make the hardcoded feature pyramid network (FPN) levels configurable for both SSD
          Resnet and SSD Mobilenet.
      
      --
      206398204  by Zhichao Lu:
      
          This CL modifies the SSD meta architecture to support both Slim-based and Keras-based feature extractors.
      
          This allows us to begin the conversion of object detection to newer Tensorflow APIs.
      
      --
      206213448  by Zhichao Lu:
      
          Adding a method to compute the expected classification loss by background/foreground weighting.
      
      --
      206204232  by Zhichao Lu:
      
          Adding the keypoint head to the Mask RCNN pipeline.
      
      --
      206200352  by Zhichao Lu:
      
          - Create Faster R-CNN target assigner in the model builder. This allows configuring matchers in Target assigner to use TPU compatible ops (tf.gather in this case) without any change in meta architecture.
          - As a +ve side effect of the refactoring, we can now re-use a single target assigner for all of second stage heads in Faster R-CNN.
      
      --
      206178206  by Zhichao Lu:
      
          Force ssd feature extractor builder to use keyword arguments so values won't be passed to wrong arguments.
      
      --
      206168297  by Zhichao Lu:
      
          Updating exporter to use freeze_graph.freeze_graph_with_def_protos rather than a homegrown version.
      
      --
      206080748  by Zhichao Lu:
      
          Merge external contributions.
      
      --
      206074460  by Zhichao Lu:
      
          Update to preprocessor to apply temperature and softmax to the multiclass scores on read.
      
      --
      205960802  by Zhichao Lu:
      
          Fixing a bug in hierarchical label expansion script.
      
      --
      205944686  by Zhichao Lu:
      
          Update exporter to support exporting quantized model.
      
      --
      205912529  by Zhichao Lu:
      
          Add a two stage matcher to allow for thresholding by one criteria and then argmaxing on the other.
      
      --
      205909017  by Zhichao Lu:
      
          Add test for grayscale image_resizer
      
      --
      205892801  by Zhichao Lu:
      
          Add flag to decide whether to apply batch norm to conv layers of weight shared box predictor.
      
      --
      205824449  by Zhichao Lu:
      
          make sure that by default mask rcnn box predictor predicts 2 stages.
      
      --
      205730139  by Zhichao Lu:
      
          Updating warning message to be more explicit about variable size mismatch.
      
      --
      205696992  by Zhichao Lu:
      
          Remove utils/ops.py's dependency on core/box_list_ops.py. This will allow re-using TPU compatible ops from utils/ops.py in core/box_list_ops.py.
      
      --
      205696867  by Zhichao Lu:
      
          Refactoring mask rcnn predictor so have each head in a separate file.
          This CL lets us to add new heads more easily in the future to mask rcnn.
      
      --
      205492073  by Zhichao Lu:
      
          Refactor R-FCN box predictor to be TPU compliant.
      
          - Change utils/ops.py:position_sensitive_crop_regions to operate on single image and set of boxes without `box_ind`
          - Add a batch version that operations on batches of images and batches of boxes.
          - Refactor R-FCN box predictor to use the batched version of position sensitive crop regions.
      
      --
      205453567  by Zhichao Lu:
      
          Fix bug that cannot export inference graph when write_inference_graph flag is True.
      
      --
      205316039  by Zhichao Lu:
      
          Changing input tensor name.
      
      --
      205256307  by Zhichao Lu:
      
          Fix model zoo links for quantized model.
      
      --
      205164432  by Zhichao Lu:
      
          Fixes eval error when label map contains non-ascii characters.
      
      --
      205129842  by Zhichao Lu:
      
          Adds a option to clip the anchors to the window size without filtering the overlapped boxes in Faster-RCNN
      
      --
      205094863  by Zhichao Lu:
      
          Update to label map util to allow the option of adding a background class and fill in gaps in the label map. Useful for using multiclass scores which require a complete label map with explicit background label.
      
      --
      204989032  by Zhichao Lu:
      
          Add tf.prof support to exporter.
      
      --
      204825267  by Zhichao Lu:
      
          Modify mask rcnn box predictor tests for TPU compatibility.
      
      --
      204778749  by Zhichao Lu:
      
          Remove score filtering from postprocessing.py and rely on filtering logic in tf.image.non_max_suppression
      
      --
      204775818  by Zhichao Lu:
      
          Python3 fixes for object_detection.
      
      --
      204745920  by Zhichao Lu:
      
          Object Detection Dataset visualization tool (documentation).
      
      --
      204686993  by Zhichao Lu:
      
          Internal changes.
      
      --
      204559667  by Zhichao Lu:
      
          Refactor box_predictor.py into multiple files.
          The abstract base class remains in the object_detection/core, The other classes have moved to a separate file each in object_detection/predictors
      
      --
      204552847  by Zhichao Lu:
      
          Update blog post link.
      
      --
      204508028  by Zhichao Lu:
      
          Bump down the batch size to 1024 to be a bit more tolerant to OOM and double the number of iterations. This job still converges to 20.5 mAP in 3 hours.
      
      --
      
      PiperOrigin-RevId: 206852642
      
      * Add original post-processing back.
      02a9969e
  17. 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
  18. 02 7月, 2018 1 次提交
    • P
      Open Images Challenge 2018 tools, minor fixes and refactors. (#4661) · 32e7d660
      pkulzc 提交于
      * Merged commit includes the following changes:
      202804536  by Zhichao Lu:
      
          Return tf.data.Dataset from input_fn that goes into the estimator and use PER_HOST_V2 option for tpu input pipeline config.
      
          This change shaves off 100ms per step resulting in 25 minutes of total reduced training time for ssd mobilenet v1 (15k steps to convergence).
      
      --
      202769340  by Zhichao Lu:
      
          Adding as_matrix() transformation for image-level labels.
      
      --
      202768721  by Zhichao Lu:
      
          Challenge evaluation protocol modification: adding labelmaps creation.
      
      --
      202750966  by Zhichao Lu:
      
          Add the explicit names to two output nodes.
      
      --
      202732783  by Zhichao Lu:
      
          Enforcing that batch size is 1 for evaluation, and no original images are retained during evaluation when use_tpu=False (to avoid dynamic shapes).
      
      --
      202425430  by Zhichao Lu:
      
          Refactor input pipeline to improve performance.
      
      --
      202406389  by Zhichao Lu:
      
          Only check the validity of `warmup_learning_rate` if it will be used.
      
      --
      202330450  by Zhichao Lu:
      
          Adding the description of the flag input_image_label_annotations_csv to add
            image-level labels to tf.Example.
      
      --
      202029012  by Zhichao Lu:
      
          Enabling displaying relationship name in the final metrics output.
      
      --
      202024010  by Zhichao Lu:
      
          Update to the public README.
      
      --
      201999677  by Zhichao Lu:
      
          Fixing the way negative labels are handled in VRD evaluation.
      
      --
      201962313  by Zhichao Lu:
      
          Fix a bug in resize_to_range.
      
      --
      201808488  by Zhichao Lu:
      
          Update ssd_inception_v2_pets.config to use right filename of pets dataset tf records.
      
      --
      201779225  by Zhichao Lu:
      
          Update object detection API installation doc
      
      --
      201766518  by Zhichao Lu:
      
          Add shell script to create pycocotools package for CMLE.
      
      --
      201722377  by Zhichao Lu:
      
          Removes verified_labels field and uses groundtruth_image_classes field instead.
      
      --
      201616819  by Zhichao Lu:
      
          Disable eval_on_tpu since eval_metrics is not setup to execute on TPU.
          Do not use run_config.task_type to switch tpu mode for EVAL,
          since that won't work in unit test.
          Expand unit test to verify that the same instantiation of the Estimator can independently disable eval on TPU whereas training is enabled on TPU.
      
      --
      201524716  by Zhichao Lu:
      
          Disable export model to TPU, inference is not compatible with TPU.
          Add GOOGLE_INTERNAL support in object detection copy.bara.sky
      
      --
      201453347  by Zhichao Lu:
      
          Fixing bug when evaluating the quantized model.
      
      --
      200795826  by Zhichao Lu:
      
          Fixing parsing bug: image-level labels are parsed as tuples instead of numpy
          array.
      
      --
      200746134  by Zhichao Lu:
      
          Adding image_class_text and image_class_label fields into tf_example_decoder.py
      
      --
      200743003  by Zhichao Lu:
      
          Changes to model_main.py and model_tpu_main to enable training and continuous eval.
      
      --
      200736324  by Zhichao Lu:
      
          Replace deprecated squeeze_dims argument.
      
      --
      200730072  by Zhichao Lu:
      
          Make detections only during predict and eval mode while creating model function
      
      --
      200729699  by Zhichao Lu:
      
          Minor correction to internal documentation (definition of Huber loss)
      
      --
      200727142  by Zhichao Lu:
      
          Add command line parsing as a set of flags using argparse and add header to the
          resulting file.
      
      --
      200726169  by Zhichao Lu:
      
          A tutorial on running evaluation for the Open Images Challenge 2018.
      
      --
      200665093  by Zhichao Lu:
      
          Cleanup on variables_helper_test.py.
      
      --
      200652145  by Zhichao Lu:
      
          Add an option to write (non-frozen) graph when exporting inference graph.
      
      --
      200573810  by Zhichao Lu:
      
          Update ssd_mobilenet_v1_coco and ssd_inception_v2_coco download links to point to a newer version.
      
      --
      200498014  by Zhichao Lu:
      
          Add test for groundtruth mask resizing.
      
      --
      200453245  by Zhichao Lu:
      
          Cleaning up exporting_models.md along with exporting scripts
      
      --
      200311747  by Zhichao Lu:
      
          Resize groundtruth mask to match the size of the original image.
      
      --
      200287269  by Zhichao Lu:
      
          Having a option to use custom MatMul based crop_and_resize op as an alternate to the TF op in Faster-RCNN
      
      --
      200127859  by Zhichao Lu:
      
          Updating the instructions to run locally with new binary. Also updating pets configs since file path naming has changed.
      
      --
      200127044  by Zhichao Lu:
      
          A simpler evaluation util to compute Open Images Challenge
          2018 metric (object detection track).
      
      --
      200124019  by Zhichao Lu:
      
          Freshening up configuring_jobs.md
      
      --
      200086825  by Zhichao Lu:
      
          Make merge_multiple_label_boxes work for ssd model.
      
      --
      199843258  by Zhichao Lu:
      
          Allows inconsistent feature channels to be compatible with WeightSharedConvolutionalBoxPredictor.
      
      --
      199676082  by Zhichao Lu:
      
          Enable an override for `InputReader.shuffle` for object detection pipelines.
      
      --
      199599212  by Zhichao Lu:
      
          Markdown fixes.
      
      --
      199535432  by Zhichao Lu:
      
          Pass num_additional_channels to tf.example decoder in predict_input_fn.
      
      --
      199399439  by Zhichao Lu:
      
          Adding `num_additional_channels` field to specify how many additional channels to use in the model.
      
      --
      
      PiperOrigin-RevId: 202804536
      
      * Add original model builder and docs back.
      32e7d660
  19. 06 6月, 2018 1 次提交
    • Z
      Merged commit includes the following changes: · 9fce9c64
      Zhichao Lu 提交于
      199348852  by Zhichao Lu:
      
          Small typos fixes in VRD evaluation.
      
      --
      199315191  by Zhichao Lu:
      
          Change padding shapes when additional channels are available.
      
      --
      199309180  by Zhichao Lu:
      
          Adds minor fixes to the Object Detection API implementation.
      
      --
      199298605  by Zhichao Lu:
      
          Force num_readers to be 1 when only input file is not sharded.
      
      --
      199292952  by Zhichao Lu:
      
          Adds image-level labels parsing into TfExampleDetectionAndGTParser.
      
      --
      199259866  by Zhichao Lu:
      
          Visual Relationships Evaluation executable.
      
      --
      199208330  by Zhichao Lu:
      
          Infer train_config.batch_size as the effective batch size. Therefore we need to divide the effective batch size in trainer by train_config.replica_to_aggregate to get per worker batch size.
      
      --
      199207842  by Zhichao Lu:
      
          Internal change.
      
      --
      199204222  by Zhichao Lu:
      
          In case the image has more than three channels, we only take the first three channels for visualization.
      
      --
      199194388  by Zhichao Lu:
      
          Correcting protocols description: VOC 2007 -> VOC 2012.
      
      --
      199188290  by Zhichao Lu:
      
          Adds per-relationship APs and mAP computation to VRD evaluation.
      
      --
      199158801  by Zhichao Lu:
      
          If available, additional channels are merged with input image.
      
      --
      199099637  by Zhichao Lu:
      
          OpenImages Challenge metric support:
          -adding verified labels standard field for TFExample;
          -adding tfrecord creation functionality.
      
      --
      198957391  by Zhichao Lu:
      
          Allow tf record sharding when creating pets dataset.
      
      --
      198925184  by Zhichao Lu:
      
          Introduce moving average support for evaluation. Also adding the ability to override this configuration via config_util.
      
      --
      198918186  by Zhichao Lu:
      
          Handles the case where there are 0 box masks.
      
      --
      198809009  by Zhichao Lu:
      
          Plumb groundtruth weights into target assigner for Faster RCNN.
      
      --
      198759987  by Zhichao Lu:
      
          Fix object detection test broken by shape inference.
      
      --
      198668602  by Zhichao Lu:
      
          Adding a new input field in data_decoders/tf_example_decoder.py for storing additional channels.
      
      --
      198530013  by Zhichao Lu:
      
          An util for hierarchical expandion of boxes and labels of OID dataset.
      
      --
      198503124  by Zhichao Lu:
      
          Fix dimension mismatch error introduced by
          https://github.com/tensorflow/tensorflow/pull/18251, or cl/194031845.
          After above change, conv2d strictly checks for conv_dims + 2 == input_rank.
      
      --
      198445807  by Zhichao Lu:
      
          Enabling Object Detection Challenge 2018 metric in evaluator.py framework for
          running eval job.
          Renaming old OpenImages V2 metric.
      
      --
      198413950  by Zhichao Lu:
      
          Support generic configuration override using namespaced keys
      
          Useful for adding custom hyper-parameter tuning fields without having to add custom override methods to config_utils.py.
      
      --
      198106437  by Zhichao Lu:
      
          Enable fused batchnorm now that quantization is supported.
      
      --
      198048364  by Zhichao Lu:
      
          Add support for keypoints in tf sequence examples and some util ops.
      
      --
      198004736  by Zhichao Lu:
      
          Relax postprocessing unit tests that are based on assumption that tf.image.non_max_suppression are stable with respect to input.
      
      --
      197997513  by Zhichao Lu:
      
          More lenient validation for normalized box boundaries.
      
      --
      197940068  by Zhichao Lu:
      
          A couple of minor updates/fixes:
          - Updating input reader proto with option to use display_name when decoding data.
          - Updating visualization tool to specify whether using absolute or normalized box coordinates. Appropriate boxes will now appear in TB when using model_main.py
      
      --
      197920152  by Zhichao Lu:
      
          Add quantized training support in the new OD binaries and a config for SSD Mobilenet v1 quantized training that is TPU compatible.
      
      --
      197213563  by Zhichao Lu:
      
          Do not share batch_norm for classification and regression tower in weight shared box predictor.
      
      --
      197196757  by Zhichao Lu:
      
          Relax the box_predictor api to return box_prediction of shape [batch_size, num_anchors, code_size] in addition to [batch_size, num_anchors, (1|q), code_size].
      
      --
      196898361  by Zhichao Lu:
      
          Allow per-channel scalar value to pad input image with when using keep aspect ratio resizer (when pad_to_max_dimension=True).
      
          In Object Detection Pipeline, we pad image before normalization and this skews batch_norm statistics during training. The option to set per channel pad value lets us truly pad with zeros.
      
      --
      196592101  by Zhichao Lu:
      
          Fix bug regarding tfrecord shuffling in object_detection
      
      --
      196320138  by Zhichao Lu:
      
          Fix typo in exporting_models.md
      
      --
      
      PiperOrigin-RevId: 199348852
      9fce9c64
  20. 11 5月, 2018 1 次提交
    • Z
      Merged commit includes the following changes: · 324d6dc3
      Zhichao Lu 提交于
      196161788  by Zhichao Lu:
      
          Add eval_on_train_steps parameter.
      
          Since the number of samples in train dataset is usually different to the number of samples in the eval dataset.
      
      --
      196151742  by Zhichao Lu:
      
          Add an optional random sampling process for SSD meta arch and update mean stddev coder to use default std dev when corresponding tensor is not added to boxlist field.
      
      --
      196148940  by Zhichao Lu:
      
          Release ssdlite mobilenet v2 coco trained model.
      
      --
      196058528  by Zhichao Lu:
      
          Apply FPN feature map generation before we add additional layers on top of resnet feature extractor.
      
      --
      195818367  by Zhichao Lu:
      
          Add support for exporting detection keypoints.
      
      --
      195745420  by Zhichao Lu:
      
          Introduce include_metrics_per_category option to Object Detection eval_config.
      
      --
      195734733  by Zhichao Lu:
      
          Rename SSDLite config to be more explicit.
      
      --
      195717383  by Zhichao Lu:
      
          Add quantized training to object_detection.
      
      --
      195683542  by Zhichao Lu:
      
          Fix documentation for the interaction of fine_tune_checkpoint_type and load_all_detection_checkpoint_vars interaction.
      
      --
      195668233  by Zhichao Lu:
      
          Using batch size from params dictionary if present.
      
      --
      195570173  by Zhichao Lu:
      
          A few fixes to get new estimator API eval to match legacy detection eval binary by (1) plumbing `is_crowd` annotations through to COCO evaluator, (2) setting the `sloppy` flag in tf.contrib.data.parallel_interleave based on whether shuffling is enabled, and (3) saving the original image instead of the resized original image, which allows for small/medium/large mAP metrics to be properly computed.
      
      --
      195316756  by Zhichao Lu:
      
          Internal change
      
      --
      
      PiperOrigin-RevId: 196161788
      324d6dc3
  21. 03 4月, 2018 4 次提交
  22. 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
  23. 08 3月, 2018 1 次提交
  24. 10 2月, 2018 1 次提交
    • Z
      Merged commit includes the following changes: · 1efe98bb
      Zhichao Lu 提交于
      185215255  by Zhichao Lu:
      
          Stop populating image/object/class/text field when generating COCO tf record.
      
      --
      185213306  by Zhichao Lu:
      
          Use the params batch size and not the one from train_config in input_fn
      
      --
      185209081  by Zhichao Lu:
      
          Handle the case when there are no ground-truth masks for an image.
      
      --
      185195531  by Zhichao Lu:
      
          Remove unstack and stack operations on features from third_party/object_detection/model.py.
      
      --
      185195017  by Zhichao Lu:
      
          Matrix multiplication based gather op implementation.
      
      --
      185187744  by Zhichao Lu:
      
          Fix eval_util minor issue.
      
      --
      185098733  by Zhichao Lu:
      
          Internal change
      
      185076656  by Zhichao Lu:
      
          Increment the amount of boxes for coco17.
      
      --
      185074199  by Zhichao Lu:
      
          Add config for SSD Resnet50 v1 with FPN.
      
      --
      185060199  by Zhichao Lu:
      
          Fix a bug in clear_detections.
          This method set detection_keys to an empty dictionary instead of an empty set. I've refactored so that this method and the constructor use the same code path.
      
      --
      185031359  by Zhichao Lu:
      
          Eval TPU trained models continuously.
      
      --
      185016591  by Zhichao Lu:
      
          Use TPUEstimatorSpec for TPU
      
      --
      185013651  by Zhichao Lu:
      
          Add PreprocessorCache to record and duplicate augmentations.
      
      --
      184921763  by Zhichao Lu:
      
          Minor fixes for object detection.
      
      --
      184920610  by Zhichao Lu:
      
          Adds a model builder test for "embedded_ssd_mobilenet_v1" feature extractor.
      
      --
      184919284  by Zhichao Lu:
      
          Added unit tests for TPU, with optional training / eval.
      
      --
      184915910  by Zhichao Lu:
      
          Update third_party g3 doc with Mask RCNN detection models.
      
      --
      184914085  by Zhichao Lu:
      
          Slight change to WeightSharedConvolutionalBoxPredictor implementation to make things match more closely with RetinaNet.  Specifically we now construct the box encoding and class predictor towers separately rather than having them share weights until penultimate layer.
      
      --
      184913786  by Zhichao Lu:
      
          Plumbs SSD Resnet V1 with FPN models into model builder.
      
      --
      184910030  by Zhichao Lu:
      
          Add coco metrics to evaluator.
      
      --
      184897758  by Zhichao Lu:
      
          Merge changes from github.
      
      --
      184888736  by Zhichao Lu:
      
          Ensure groundtruth_weights are always 1-D.
      
      --
      184887256  by Zhichao Lu:
      
          Introduce an option to add summaries in the model so it can be turned off when necessary.
      
      --
      184865559  by Zhichao Lu:
      
          Updating inputs so that a dictionary of tensors is returned from input_fn. Moving unbatch/unpad to model.py.
          Also removing source_id key from features dictionary, and replacing with an integer hash.
      
      --
      184859205  by Zhichao Lu:
      
          This CL is trying to hide those differences by making the default settings work with the public code.
      
      --
      184769779  by Zhichao Lu:
      
          Pass groundtruth weights into ssd meta architecture all the way to target assigner.
      
          This will allow training ssd models with padded groundtruth tensors.
      
      --
      184767117  by Zhichao Lu:
      
          * Add `params` arg to make all input fns work with TPUEstimator
          * Add --master
          * Output eval results
      
      --
      184766244  by Zhichao Lu:
      
          Update create_coco_tf_record to include category indices
      
      --
      184752937  by Zhichao Lu:
      
          Create a third_party version of TPU compatible mobilenet_v2_focal_loss coco config.
      
      --
      184750174  by Zhichao Lu:
      
          A few small fixes for multiscale anchor generator and a test.
      
      --
      184746581  by Zhichao Lu:
      
          Update jupyter notebook to show mask if provided by model.
      
      --
      184728646  by Zhichao Lu:
      
          Adding a few more tests to make sure decoding with/without label maps performs as expected.
      
      --
      184624154  by Zhichao Lu:
      
          Add an object detection binary for TPU.
      
      --
      184622118  by Zhichao Lu:
      
          Batch, transform, and unbatch in the tflearn interface.
      
      --
      184595064  by Zhichao Lu:
      
          Add support for training grayscale models.
      
      --
      184532026  by Zhichao Lu:
      
          Change dataset_builder.build to perform optional batching using tf.data.Dataset API
      
      --
      184330239  by Zhichao Lu:
      
          Add augment_input_data and transform_input_data helper functions to third_party/tensorflow_models/object_detection/inputs.py
      
      --
      184328681  by Zhichao Lu:
      
          Use an internal rgb to gray method that can be quantized.
      
      --
      184327909  by Zhichao Lu:
      
          Helper function to return padding shapes to use with Dataset.padded_batch.
      
      --
      184326291  by Zhichao Lu:
      
          Added decode_func for specialized decoding.
      
      --
      184314676  by Zhichao Lu:
      
          Add unstack_batch method to inputs.py.
      
          This will enable us to convert batched tensors to lists of tensors. This is compatible with OD API that consumes groundtruth batch as a list of tensors.
      
      --
      184281269  by Zhichao Lu:
      
          Internal test target changes.
      
      --
      184192851  by Zhichao Lu:
      
          Adding `Estimator` interface for object detection.
      
      --
      184187885  by Zhichao Lu:
      
          Add config_util functions to help with input pipeline.
      
          1. function to return expected shapes from the resizer config
          2. function to extract image_resizer_config from model_config.
      
      --
      184139892  by Zhichao Lu:
      
          Adding support for depthwise SSD (ssd-lite) and depthwise box predictions.
      
      --
      184089891  by Zhichao Lu:
      
          Fix third_party faster rcnn resnet101 coco config.
      
      --
      184083378  by Zhichao Lu:
      
          In the case when there is no object/weights field in tf.Example proto, return a default weight of 1.0 for all boxes.
      
      --
      
      PiperOrigin-RevId: 185215255
      1efe98bb
  25. 01 2月, 2018 1 次提交
    • Z
      Merged commit includes the following changes: · 7a9934df
      Zhichao Lu 提交于
      184048729  by Zhichao Lu:
      
          Modify target_assigner so that it creates regression targets taking keypoints into account.
      
      --
      184027183  by Zhichao Lu:
      
          Resnet V1 FPN based feature extractors for SSD meta architecture in Object Detection V2 API.
      
      --
      184004730  by Zhichao Lu:
      
          Expose a lever to override the configured mask_type.
      
      --
      183933113  by Zhichao Lu:
      
          Weight shared convolutional box predictor as described in https://arxiv.org/abs/1708.02002
      
      --
      183929669  by Zhichao Lu:
      
          Expanding box list operations for future data augmentations.
      
      --
      183916792  by Zhichao Lu:
      
          Fix unrecognized assertion function in tests.
      
      --
      183906851  by Zhichao Lu:
      
          - Change ssd meta architecture to use regression weights to compute loss normalizer.
      
      --
      183871003  by Zhichao Lu:
      
          Fix config_util_test wrong dependency.
      
      --
      183782120  by Zhichao Lu:
      
          Add __init__ file to third_party directories.
      
      --
      183779109  by Zhichao Lu:
      
          Setup regular version sync.
      
      --
      183768772  by Zhichao Lu:
      
          Make test compatible with numpy 1.12 and higher
      
      --
      183767893  by Zhichao Lu:
      
          Make test compatible with numpy 1.12 and higher
      
      --
      183719318  by Zhichao Lu:
      
          Use the new test interface in ssd feature extractor.
      
      --
      183714671  by Zhichao Lu:
      
          Use the new test_case interface for all anchor generators.
      
      --
      183708155  by Zhichao Lu:
      
          Change variable scopes in ConvolutionalBoxPredictor such that previously trained checkpoints are still compatible after the change in BoxPredictor interface
      
      --
      183705798  by Zhichao Lu:
      
          Internal change.
      
      --
      183636023  by Zhichao Lu:
      
          Fixing argument name for np_box_list_ops.concatenate() function.
      
      --
      183490404  by Zhichao Lu:
      
          Make sure code that relies in SSD older code still works.
      
      --
      183426762  by Zhichao Lu:
      
          Internal change
      
      183412315  by Zhichao Lu:
      
          Internal change
      
      183337814  by Zhichao Lu:
      
          Internal change
      
      183303933  by Zhichao Lu:
      
          Internal change
      
      183257349  by Zhichao Lu:
      
          Internal change
      
      183254447  by Zhichao Lu:
      
          Internal change
      
      183251200  by Zhichao Lu:
      
          Internal change
      
      183135002  by Zhichao Lu:
      
          Internal change
      
      182851500  by Zhichao Lu:
      
          Internal change
      
      182839607  by Zhichao Lu:
      
          Internal change
      
      182830719  by Zhichao Lu:
      
          Internal change
      
      182533923  by Zhichao Lu:
      
          Internal change
      
      182391090  by Zhichao Lu:
      
          Internal change
      
      182262339  by Zhichao Lu:
      
          Internal change
      
      182244645  by Zhichao Lu:
      
          Internal change
      
      182241613  by Zhichao Lu:
      
          Internal change
      
      182133027  by Zhichao Lu:
      
          Internal change
      
      182058807  by Zhichao Lu:
      
          Internal change
      
      181812028  by Zhichao Lu:
      
          Internal change
      
      181788857  by Zhichao Lu:
      
          Internal change
      
      181656761  by Zhichao Lu:
      
          Internal change
      
      181541125  by Zhichao Lu:
      
          Internal change
      
      181538702  by Zhichao Lu:
      
          Internal change
      
      181125385  by Zhichao Lu:
      
          Internal change
      
      180957758  by Zhichao Lu:
      
          Internal change
      
      180941434  by Zhichao Lu:
      
          Internal change
      
      180852569  by Zhichao Lu:
      
          Internal change
      
      180846001  by Zhichao Lu:
      
          Internal change
      
      180832145  by Zhichao Lu:
      
          Internal change
      
      180740495  by Zhichao Lu:
      
          Internal change
      
      180729150  by Zhichao Lu:
      
          Internal change
      
      180589008  by Zhichao Lu:
      
          Internal change
      
      180585408  by Zhichao Lu:
      
          Internal change
      
      180581039  by Zhichao Lu:
      
          Internal change
      
      180286388  by Zhichao Lu:
      
          Internal change
      
      179934081  by Zhichao Lu:
      
          Internal change
      
      179841242  by Zhichao Lu:
      
          Internal change
      
      179831694  by Zhichao Lu:
      
          Internal change
      
      179761005  by Zhichao Lu:
      
          Internal change
      
      179610632  by Zhichao Lu:
      
          Internal change
      
      179605363  by Zhichao Lu:
      
          Internal change
      
      179603774  by Zhichao Lu:
      
          Internal change
      
      179598614  by Zhichao Lu:
      
          Internal change
      
      179597809  by Zhichao Lu:
      
          Internal change
      
      179494630  by Zhichao Lu:
      
          Internal change
      
      179367492  by Zhichao Lu:
      
          Internal change
      
      179250050  by Zhichao Lu:
      
          Internal change
      
      179247385  by Zhichao Lu:
      
          Internal change
      
      179207897  by Zhichao Lu:
      
          Internal change
      
      179076230  by Zhichao Lu:
      
          Internal change
      
      178862066  by Zhichao Lu:
      
          Internal change
      
      178854216  by Zhichao Lu:
      
          Internal change
      
      178853109  by Zhichao Lu:
      
          Internal change
      
      178709753  by Zhichao Lu:
      
          Internal change
      
      178640707  by Zhichao Lu:
      
          Internal change
      
      178421534  by Zhichao Lu:
      
          Internal change
      
      178287174  by Zhichao Lu:
      
          Internal change
      
      178257399  by Zhichao Lu:
      
          Internal change
      
      177681867  by Zhichao Lu:
      
          Internal change
      
      177654820  by Zhichao Lu:
      
          Internal change
      
      177654052  by Zhichao Lu:
      
          Internal change
      
      177638787  by Zhichao Lu:
      
          Internal change
      
      177598305  by Zhichao Lu:
      
          Internal change
      
      177538488  by Zhichao Lu:
      
          Internal change
      
      177474197  by Zhichao Lu:
      
          Internal change
      
      177271928  by Zhichao Lu:
      
          Internal change
      
      177250285  by Zhichao Lu:
      
          Internal change
      
      177210762  by Zhichao Lu:
      
          Internal change
      
      177197135  by Zhichao Lu:
      
          Internal change
      
      177037781  by Zhichao Lu:
      
          Internal change
      
      176917394  by Zhichao Lu:
      
          Internal change
      
      176683171  by Zhichao Lu:
      
          Internal change
      
      176450793  by Zhichao Lu:
      
          Internal change
      
      176388133  by Zhichao Lu:
      
          Internal change
      
      176197721  by Zhichao Lu:
      
          Internal change
      
      176195315  by Zhichao Lu:
      
          Internal change
      
      176128748  by Zhichao Lu:
      
          Internal change
      
      175743440  by Zhichao Lu:
      
          Use Toggle instead of bool to make the layout optimizer name and usage consistent with other optimizers.
      
      --
      175578178  by Zhichao Lu:
      
          Internal change
      
      175463518  by Zhichao Lu:
      
          Internal change
      
      175316616  by Zhichao Lu:
      
          Internal change
      
      175302470  by Zhichao Lu:
      
          Internal change
      
      175300323  by Zhichao Lu:
      
          Internal change
      
      175269680  by Zhichao Lu:
      
          Internal change
      
      175260574  by Zhichao Lu:
      
          Internal change
      
      175122281  by Zhichao Lu:
      
          Internal change
      
      175111708  by Zhichao Lu:
      
          Internal change
      
      175110183  by Zhichao Lu:
      
          Internal change
      
      174877166  by Zhichao Lu:
      
          Internal change
      
      174868399  by Zhichao Lu:
      
          Internal change
      
      174754200  by Zhichao Lu:
      
          Internal change
      
      174544534  by Zhichao Lu:
      
          Internal change
      
      174536143  by Zhichao Lu:
      
          Internal change
      
      174513795  by Zhichao Lu:
      
          Internal change
      
      174463713  by Zhichao Lu:
      
          Internal change
      
      174403525  by Zhichao Lu:
      
          Internal change
      
      174385170  by Zhichao Lu:
      
          Internal change
      
      174358498  by Zhichao Lu:
      
          Internal change
      
      174249903  by Zhichao Lu:
      
          Fix nasnet image classification and object detection by moving the option to turn ON or OFF batch norm training into it's own arg_scope used only by detection
      
      --
      174216508  by Zhichao Lu:
      
          Internal change
      
      174065370  by Zhichao Lu:
      
          Internal change
      
      174048035  by Zhichao Lu:
      
          Fix the pointer for downloading the NAS Faster-RCNN model.
      
      --
      174042677  by Zhichao Lu:
      
          Internal change
      
      173964116  by Zhichao Lu:
      
          Internal change
      
      173790182  by Zhichao Lu:
      
          Internal change
      
      173779919  by Zhichao Lu:
      
          Internal change
      
      173753775  by Zhichao Lu:
      
          Internal change
      
      173753160  by Zhichao Lu:
      
          Internal change
      
      173737519  by Zhichao Lu:
      
          Internal change
      
      173696066  by Zhichao Lu:
      
          Internal change
      
      173611554  by Zhichao Lu:
      
          Internal change
      
      173475124  by Zhichao Lu:
      
          Internal change
      
      173412497  by Zhichao Lu:
      
          Internal change
      
      173404010  by Zhichao Lu:
      
          Internal change
      
      173375014  by Zhichao Lu:
      
          Internal change
      
      173345107  by Zhichao Lu:
      
          Internal change
      
      173298413  by Zhichao Lu:
      
          Internal change
      
      173289754  by Zhichao Lu:
      
          Internal change
      
      173275544  by Zhichao Lu:
      
          Internal change
      
      173273275  by Zhichao Lu:
      
          Internal change
      
      173271885  by Zhichao Lu:
      
          Internal change
      
      173264856  by Zhichao Lu:
      
          Internal change
      
      173263791  by Zhichao Lu:
      
          Internal change
      
      173261215  by Zhichao Lu:
      
          Internal change
      
      173175740  by Zhichao Lu:
      
          Internal change
      
      173010193  by Zhichao Lu:
      
          Internal change
      
      172815204  by Zhichao Lu:
      
          Allow for label maps in tf.Example decoding.
      
      --
      172696028  by Zhichao Lu:
      
          Internal change
      
      172509113  by Zhichao Lu:
      
          Allow for label maps in tf.Example decoding.
      
      --
      172475999  by Zhichao Lu:
      
          Internal change
      
      172166621  by Zhichao Lu:
      
          Internal change
      
      172151758  by Zhichao Lu:
      
          Minor updates to some README files.
      
          As a result of these friendly issues:
          https://github.com/tensorflow/models/issues/2530
          https://github.com/tensorflow/models/issues/2534
      
      --
      172147420  by Zhichao Lu:
      
          Fix illegal summary name and move from slim's get_or_create_global_step deprecated use of tf.contrib.framework* to tf.train*.
      
      --
      172111377  by Zhichao Lu:
      
          Internal change
      
      172004247  by Zhichao Lu:
      
          Internal change
      
      171996881  by Zhichao Lu:
      
          Internal change
      
      171835204  by Zhichao Lu:
      
          Internal change
      
      171826090  by Zhichao Lu:
      
          Internal change
      
      171784016  by Zhichao Lu:
      
          Internal change
      
      171699876  by Zhichao Lu:
      
          Internal change
      
      171053425  by Zhichao Lu:
      
          Internal change
      
      170905734  by Zhichao Lu:
      
          Internal change
      
      170889179  by Zhichao Lu:
      
          Internal change
      
      170734389  by Zhichao Lu:
      
          Internal change
      
      170705852  by Zhichao Lu:
      
          Internal change
      
      170401574  by Zhichao Lu:
      
          Internal change
      
      170352571  by Zhichao Lu:
      
          Internal change
      
      170215443  by Zhichao Lu:
      
          Internal change
      
      170184288  by Zhichao Lu:
      
          Internal change
      
      169936898  by Zhichao Lu:
      
          Internal change
      
      169763373  by Zhichao Lu:
      
          Fix broken GitHub links in tensorflow and tensorflow_models resulting from The Great Models Move (a.k.a. the research subfolder)
      
      --
      169744825  by Zhichao Lu:
      
          Internal change
      
      169638135  by Zhichao Lu:
      
          Internal change
      
      169561814  by Zhichao Lu:
      
          Internal change
      
      169444091  by Zhichao Lu:
      
          Internal change
      
      169292330  by Zhichao Lu:
      
          Internal change
      
      169145185  by Zhichao Lu:
      
          Internal change
      
      168906035  by Zhichao Lu:
      
          Internal change
      
      168790411  by Zhichao Lu:
      
          Internal change
      
      168708911  by Zhichao Lu:
      
          Internal change
      
      168611969  by Zhichao Lu:
      
          Internal change
      
      168535975  by Zhichao Lu:
      
          Internal change
      
      168381815  by Zhichao Lu:
      
          Internal change
      
      168244740  by Zhichao Lu:
      
          Internal change
      
      168240024  by Zhichao Lu:
      
          Internal change
      
      168168016  by Zhichao Lu:
      
          Internal change
      
      168071571  by Zhichao Lu:
      
          Move display strings to below the bounding box if they would otherwise be outside the image.
      
      --
      168067771  by Zhichao Lu:
      
          Internal change
      
      167970950  by Zhichao Lu:
      
          Internal change
      
      167884533  by Zhichao Lu:
      
          Internal change
      
      167626173  by Zhichao Lu:
      
          Internal change
      
      167277422  by Zhichao Lu:
      
          Internal change
      
      167249393  by Zhichao Lu:
      
          Internal change
      
      167248954  by Zhichao Lu:
      
          Internal change
      
      167189395  by Zhichao Lu:
      
          Internal change
      
      167107797  by Zhichao Lu:
      
          Internal change
      
      167061250  by Zhichao Lu:
      
          Internal change
      
      166871147  by Zhichao Lu:
      
          Internal change
      
      166867617  by Zhichao Lu:
      
          Internal change
      
      166862112  by Zhichao Lu:
      
          Internal change
      
      166715648  by Zhichao Lu:
      
          Internal change
      
      166635615  by Zhichao Lu:
      
          Internal change
      
      166383182  by Zhichao Lu:
      
          Internal change
      
      166371326  by Zhichao Lu:
      
          Internal change
      
      166254711  by Zhichao Lu:
      
          Internal change
      
      166106294  by Zhichao Lu:
      
          Internal change
      
      166081204  by Zhichao Lu:
      
          Internal change
      
      165972262  by Zhichao Lu:
      
          Internal change
      
      165816702  by Zhichao Lu:
      
          Internal change
      
      165764471  by Zhichao Lu:
      
          Internal change
      
      165724134  by Zhichao Lu:
      
          Internal change
      
      165655829  by Zhichao Lu:
      
          Internal change
      
      165587904  by Zhichao Lu:
      
          Internal change
      
      165534540  by Zhichao Lu:
      
          Internal change
      
      165177692  by Zhichao Lu:
      
          Internal change
      
      165091822  by Zhichao Lu:
      
          Internal change
      
      165019730  by Zhichao Lu:
      
          Internal change
      
      165002942  by Zhichao Lu:
      
          Internal change
      
      164897728  by Zhichao Lu:
      
          Internal change
      
      164782618  by Zhichao Lu:
      
          Internal change
      
      164710379  by Zhichao Lu:
      
          Internal change
      
      164639237  by Zhichao Lu:
      
          Internal change
      
      164069251  by Zhichao Lu:
      
          Internal change
      
      164058169  by Zhichao Lu:
      
          Internal change
      
      163913796  by Zhichao Lu:
      
          Internal change
      
      163756696  by Zhichao Lu:
      
          Internal change
      
      163524665  by Zhichao Lu:
      
          Internal change
      
      163393399  by Zhichao Lu:
      
          Internal change
      
      163385733  by Zhichao Lu:
      
          Internal change
      
      162525065  by Zhichao Lu:
      
          Internal change
      
      162376984  by Zhichao Lu:
      
          Internal change
      
      162026661  by Zhichao Lu:
      
          Internal change
      
      161956004  by Zhichao Lu:
      
          Internal change
      
      161817520  by Zhichao Lu:
      
          Internal change
      
      161718688  by Zhichao Lu:
      
          Internal change
      
      161624398  by Zhichao Lu:
      
          Internal change
      
      161575120  by Zhichao Lu:
      
          Internal change
      
      161483997  by Zhichao Lu:
      
          Internal change
      
      161462189  by Zhichao Lu:
      
          Internal change
      
      161452968  by Zhichao Lu:
      
          Internal change
      
      161443992  by Zhichao Lu:
      
          Internal change
      
      161408607  by Zhichao Lu:
      
          Internal change
      
      161262084  by Zhichao Lu:
      
          Internal change
      
      161214023  by Zhichao Lu:
      
          Internal change
      
      161025667  by Zhichao Lu:
      
          Internal change
      
      160982216  by Zhichao Lu:
      
          Internal change
      
      160666760  by Zhichao Lu:
      
          Internal change
      
      160570489  by Zhichao Lu:
      
          Internal change
      
      160553112  by Zhichao Lu:
      
          Internal change
      
      160458261  by Zhichao Lu:
      
          Internal change
      
      160349302  by Zhichao Lu:
      
          Internal change
      
      160296092  by Zhichao Lu:
      
          Internal change
      
      160287348  by Zhichao Lu:
      
          Internal change
      
      160199279  by Zhichao Lu:
      
          Internal change
      
      160160156  by Zhichao Lu:
      
          Internal change
      
      160151954  by Zhichao Lu:
      
          Internal change
      
      160005404  by Zhichao Lu:
      
          Internal change
      
      159983265  by Zhichao Lu:
      
          Internal change
      
      159819896  by Zhichao Lu:
      
          Internal change
      
      159749419  by Zhichao Lu:
      
          Internal change
      
      159596448  by Zhichao Lu:
      
          Internal change
      
      159587801  by Zhichao Lu:
      
          Internal change
      
      159587342  by Zhichao Lu:
      
          Internal change
      
      159476256  by Zhichao Lu:
      
          Internal change
      
      159463992  by Zhichao Lu:
      
          Internal change
      
      159455585  by Zhichao Lu:
      
          Internal change
      
      159270798  by Zhichao Lu:
      
          Internal change
      
      159256633  by Zhichao Lu:
      
          Internal change
      
      159141989  by Zhichao Lu:
      
          Internal change
      
      159079098  by Zhichao Lu:
      
          Internal change
      
      159078559  by Zhichao Lu:
      
          Internal change
      
      159077055  by Zhichao Lu:
      
          Internal change
      
      159072046  by Zhichao Lu:
      
          Internal change
      
      159071092  by Zhichao Lu:
      
          Internal change
      
      159069262  by Zhichao Lu:
      
          Internal change
      
      159037430  by Zhichao Lu:
      
          Internal change
      
      159035747  by Zhichao Lu:
      
          Internal change
      
      159023868  by Zhichao Lu:
      
          Internal change
      
      158939092  by Zhichao Lu:
      
          Internal change
      
      158912561  by Zhichao Lu:
      
          Internal change
      
      158903825  by Zhichao Lu:
      
          Internal change
      
      158894348  by Zhichao Lu:
      
          Internal change
      
      158884934  by Zhichao Lu:
      
          Internal change
      
      158878010  by Zhichao Lu:
      
          Internal change
      
      158874620  by Zhichao Lu:
      
          Internal change
      
      158869501  by Zhichao Lu:
      
          Internal change
      
      158842623  by Zhichao Lu:
      
          Internal change
      
      158801298  by Zhichao Lu:
      
          Internal change
      
      158775487  by Zhichao Lu:
      
          Internal change
      
      158773668  by Zhichao Lu:
      
          Internal change
      
      158771394  by Zhichao Lu:
      
          Internal change
      
      158668928  by Zhichao Lu:
      
          Internal change
      
      158596865  by Zhichao Lu:
      
          Internal change
      
      158587317  by Zhichao Lu:
      
          Internal change
      
      158586348  by Zhichao Lu:
      
          Internal change
      
      158585707  by Zhichao Lu:
      
          Internal change
      
      158577134  by Zhichao Lu:
      
          Internal change
      
      158459749  by Zhichao Lu:
      
          Internal change
      
      158459678  by Zhichao Lu:
      
          Internal change
      
      158328972  by Zhichao Lu:
      
          Internal change
      
      158324255  by Zhichao Lu:
      
          Internal change
      
      158319576  by Zhichao Lu:
      
          Internal change
      
      158290802  by Zhichao Lu:
      
          Internal change
      
      158273041  by Zhichao Lu:
      
          Internal change
      
      158240477  by Zhichao Lu:
      
          Internal change
      
      158204316  by Zhichao Lu:
      
          Internal change
      
      158154161  by Zhichao Lu:
      
          Internal change
      
      158077203  by Zhichao Lu:
      
          Internal change
      
      158041397  by Zhichao Lu:
      
          Internal change
      
      158029233  by Zhichao Lu:
      
          Internal change
      
      157976306  by Zhichao Lu:
      
          Internal change
      
      157966896  by Zhichao Lu:
      
          Internal change
      
      157945642  by Zhichao Lu:
      
          Internal change
      
      157943135  by Zhichao Lu:
      
          Internal change
      
      157942158  by Zhichao Lu:
      
          Internal change
      
      157897866  by Zhichao Lu:
      
          Internal change
      
      157866667  by Zhichao Lu:
      
          Internal change
      
      157845915  by Zhichao Lu:
      
          Internal change
      
      157842592  by Zhichao Lu:
      
          Internal change
      
      157832761  by Zhichao Lu:
      
          Internal change
      
      157824451  by Zhichao Lu:
      
          Internal change
      
      157816531  by Zhichao Lu:
      
          Internal change
      
      157782130  by Zhichao Lu:
      
          Internal change
      
      157733752  by Zhichao Lu:
      
          Internal change
      
      157654577  by Zhichao Lu:
      
          Internal change
      
      157639285  by Zhichao Lu:
      
          Internal change
      
      157530694  by Zhichao Lu:
      
          Internal change
      
      157518469  by Zhichao Lu:
      
          Internal change
      
      157514626  by Zhichao Lu:
      
          Internal change
      
      157481413  by Zhichao Lu:
      
          Internal change
      
      157267863  by Zhichao Lu:
      
          Internal change
      
      157263616  by Zhichao Lu:
      
          Internal change
      
      157234554  by Zhichao Lu:
      
          Internal change
      
      157174595  by Zhichao Lu:
      
          Internal change
      
      157169681  by Zhichao Lu:
      
          Internal change
      
      157156425  by Zhichao Lu:
      
          Internal change
      
      157024436  by Zhichao Lu:
      
          Internal change
      
      157016195  by Zhichao Lu:
      
          Internal change
      
      156941658  by Zhichao Lu:
      
          Internal change
      
      156880859  by Zhichao Lu:
      
          Internal change
      
      156790636  by Zhichao Lu:
      
          Internal change
      
      156565969  by Zhichao Lu:
      
          Internal change
      
      156522345  by Zhichao Lu:
      
          Internal change
      
      156518570  by Zhichao Lu:
      
          Internal change
      
      156509878  by Zhichao Lu:
      
          Internal change
      
      156509134  by Zhichao Lu:
      
          Internal change
      
      156472497  by Zhichao Lu:
      
          Internal change
      
      156471429  by Zhichao Lu:
      
          Internal change
      
      156470865  by Zhichao Lu:
      
          Internal change
      
      156461563  by Zhichao Lu:
      
          Internal change
      
      156437521  by Zhichao Lu:
      
          Internal change
      
      156334994  by Zhichao Lu:
      
          Internal change
      
      156319604  by Zhichao Lu:
      
          Internal change
      
      156234305  by Zhichao Lu:
      
          Internal change
      
      156226207  by Zhichao Lu:
      
          Internal change
      
      156215347  by Zhichao Lu:
      
          Internal change
      
      156127227  by Zhichao Lu:
      
          Internal change
      
      156120405  by Zhichao Lu:
      
          Internal change
      
      156113752  by Zhichao Lu:
      
          Internal change
      
      156098936  by Zhichao Lu:
      
          Internal change
      
      155924066  by Zhichao Lu:
      
          Internal change
      
      155883241  by Zhichao Lu:
      
          Internal change
      
      155806887  by Zhichao Lu:
      
          Internal change
      
      155641849  by Zhichao Lu:
      
          Internal change
      
      155593034  by Zhichao Lu:
      
          Internal change
      
      155570702  by Zhichao Lu:
      
          Internal change
      
      155515306  by Zhichao Lu:
      
          Internal change
      
      155514787  by Zhichao Lu:
      
          Internal change
      
      155445237  by Zhichao Lu:
      
          Internal change
      
      155438672  by Zhichao Lu:
      
          Internal change
      
      155264448  by Zhichao Lu:
      
          Internal change
      
      155222148  by Zhichao Lu:
      
          Internal change
      
      155106590  by Zhichao Lu:
      
          Internal change
      
      155090562  by Zhichao Lu:
      
          Internal change
      
      154973775  by Zhichao Lu:
      
          Internal change
      
      154972880  by Zhichao Lu:
      
          Internal change
      
      154871596  by Zhichao Lu:
      
          Internal change
      
      154835007  by Zhichao Lu:
      
          Internal change
      
      154788175  by Zhichao Lu:
      
          Internal change
      
      154731169  by Zhichao Lu:
      
          Internal change
      
      154721261  by Zhichao Lu:
      
          Internal change
      
      154594626  by Zhichao Lu:
      
          Internal change
      
      154588305  by Zhichao Lu:
      
          Internal change
      
      154578994  by Zhichao Lu:
      
          Internal change
      
      154571515  by Zhichao Lu:
      
          Internal change
      
      154552873  by Zhichao Lu:
      
          Internal change
      
      154549672  by Zhichao Lu:
      
          Internal change
      
      154463631  by Zhichao Lu:
      
          Internal change
      
      154437690  by Zhichao Lu:
      
          Internal change
      
      154412359  by Zhichao Lu:
      
          Internal change
      
      154374026  by Zhichao Lu:
      
          Internal change
      
      154361648  by Zhichao Lu:
      
          Internal change
      
      154310164  by Zhichao Lu:
      
          Internal change
      
      154220862  by Zhichao Lu:
      
          Internal change
      
      154187281  by Zhichao Lu:
      
          Internal change
      
      154186651  by Zhichao Lu:
      
          Internal change
      
      154119783  by Zhichao Lu:
      
          Internal change
      
      154114285  by Zhichao Lu:
      
          Internal change
      
      154095717  by Zhichao Lu:
      
          Internal change
      
      154057972  by Zhichao Lu:
      
          Internal change
      
      154055285  by Zhichao Lu:
      
          Internal change
      
      153659288  by Zhichao Lu:
      
          Internal change
      
      153637797  by Zhichao Lu:
      
          Internal change
      
      153561771  by Zhichao Lu:
      
          Internal change
      
      153540765  by Zhichao Lu:
      
          Internal change
      
      153496128  by Zhichao Lu:
      
          Internal change
      
      153473323  by Zhichao Lu:
      
          Internal change
      
      153368812  by Zhichao Lu:
      
          Internal change
      
      153367292  by Zhichao Lu:
      
          Internal change
      
      153201890  by Zhichao Lu:
      
          Internal change
      
      153074177  by Zhichao Lu:
      
          Internal change
      
      152980017  by Zhichao Lu:
      
          Internal change
      
      152978434  by Zhichao Lu:
      
          Internal change
      
      152951821  by Zhichao Lu:
      
          Internal change
      
      152904076  by Zhichao Lu:
      
          Internal change
      
      152883703  by Zhichao Lu:
      
          Internal change
      
      152869747  by Zhichao Lu:
      
          Internal change
      
      152827463  by Zhichao Lu:
      
          Internal change
      
      152756886  by Zhichao Lu:
      
          Internal change
      
      152752840  by Zhichao Lu:
      
          Internal change
      
      152736347  by Zhichao Lu:
      
          Internal change
      
      152728184  by Zhichao Lu:
      
          Internal change
      
      152720120  by Zhichao Lu:
      
          Internal change
      
      152710964  by Zhichao Lu:
      
          Internal change
      
      152706735  by Zhichao Lu:
      
          Internal change
      
      152681133  by Zhichao Lu:
      
          Internal change
      
      152517758  by Zhichao Lu:
      
          Internal change
      
      152516381  by Zhichao Lu:
      
          Internal change
      
      152511258  by Zhichao Lu:
      
          Internal change
      
      152319164  by Zhichao Lu:
      
          Internal change
      
      152316404  by Zhichao Lu:
      
          Internal change
      
      152309261  by Zhichao Lu:
      
          Internal change
      
      152308007  by Zhichao Lu:
      
          Internal change
      
      152296551  by Zhichao Lu:
      
          Internal change
      
      152188069  by Zhichao Lu:
      
          Internal change
      
      152158644  by Zhichao Lu:
      
          Internal change
      
      152153578  by Zhichao Lu:
      
          Internal change
      
      152152285  by Zhichao Lu:
      
          Internal change
      
      152055035  by Zhichao Lu:
      
          Internal change
      
      152036778  by Zhichao Lu:
      
          Internal change
      
      152020728  by Zhichao Lu:
      
          Internal change
      
      152014842  by Zhichao Lu:
      
          Internal change
      
      151848225  by Zhichao Lu:
      
          Internal change
      
      151741308  by Zhichao Lu:
      
          Internal change
      
      151740499  by Zhichao Lu:
      
          Internal change
      
      151736189  by Zhichao Lu:
      
          Internal change
      
      151612892  by Zhichao Lu:
      
          Internal change
      
      151599502  by Zhichao Lu:
      
          Internal change
      
      151538547  by Zhichao Lu:
      
          Internal change
      
      151496530  by Zhichao Lu:
      
          Internal change
      
      151476070  by Zhichao Lu:
      
          Internal change
      
      151448662  by Zhichao Lu:
      
          Internal change
      
      151411627  by Zhichao Lu:
      
          Internal change
      
      151397737  by Zhichao Lu:
      
          Internal change
      
      151169523  by Zhichao Lu:
      
          Internal change
      
      151148956  by Zhichao Lu:
      
          Internal change
      
      150944227  by Zhichao Lu:
      
          Internal change
      
      150276683  by Zhichao Lu:
      
          Internal change
      
      149986687  by Zhichao Lu:
      
          Internal change
      
      149218749  by Zhichao Lu:
      
          Internal change
      
      PiperOrigin-RevId: 184048729
      7a9934df