tensorflow/models

View on GitHub

Showing 11,634 of 11,634 total issues

Function _validate_boxes_scores_iou_thresh has 5 arguments (exceeds 4 allowed). Consider refactoring.
Open

def _validate_boxes_scores_iou_thresh(boxes, scores, iou_thresh,
Severity: Minor
Found in research/object_detection/core/post_processing.py - About 35 mins to fix

    Function sample_step has 5 arguments (exceeds 4 allowed). Consider refactoring.
    Open

      def sample_step(self, sess,
    Severity: Minor
    Found in research/pcl_rl/model.py - About 35 mins to fix

      Function refine_boxes_multi_class has 5 arguments (exceeds 4 allowed). Consider refactoring.
      Open

      def refine_boxes_multi_class(pool_boxes,
      Severity: Minor
      Found in research/object_detection/core/box_list_ops.py - About 35 mins to fix

        Function to_normalized_coordinates has 5 arguments (exceeds 4 allowed). Consider refactoring.
        Open

        def to_normalized_coordinates(keypoints, height, width,
        Severity: Minor
        Found in research/object_detection/core/keypoint_ops.py - About 35 mins to fix

          Function _compute_losses_and_predictions_dicts has 5 arguments (exceeds 4 allowed). Consider refactoring.
          Open

          def _compute_losses_and_predictions_dicts(
          Severity: Minor
          Found in research/object_detection/model_lib_v2.py - About 35 mins to fix

            Function predict has 5 arguments (exceeds 4 allowed). Consider refactoring.
            Open

              def predict(self, preprocessed_inputs, true_image_shapes, states=None,
            Severity: Minor
            Found in research/lstm_object_detection/meta_architectures/lstm_ssd_meta_arch.py - About 35 mins to fix

              Function to_normalized_coordinates has 5 arguments (exceeds 4 allowed). Consider refactoring.
              Open

              def to_normalized_coordinates(boxlist, height, width,
              Severity: Minor
              Found in research/object_detection/core/box_list_ops.py - About 35 mins to fix

                Function rnn_decoder has 5 arguments (exceeds 4 allowed). Consider refactoring.
                Open

                def rnn_decoder(decoder_inputs,
                Severity: Minor
                Found in research/lstm_object_detection/lstm/rnn_decoder.py - About 35 mins to fix

                  Function cosine_lr has 5 arguments (exceeds 4 allowed). Consider refactoring.
                  Open

                  def cosine_lr(learning_rate, epoch, iteration, batches_per_epoch, total_epochs):
                  Severity: Minor
                  Found in research/autoaugment/helper_utils.py - About 35 mins to fix

                    Function residual_block has 5 arguments (exceeds 4 allowed). Consider refactoring.
                    Open

                    def residual_block(
                    Severity: Minor
                    Found in research/autoaugment/wrn.py - About 35 mins to fix

                      Function avg_pool has 5 arguments (exceeds 4 allowed). Consider refactoring.
                      Open

                      def avg_pool(inputs, kernel_size, stride=2, padding='VALID', scope=None):
                      Severity: Minor
                      Found in research/autoaugment/custom_ops.py - About 35 mins to fix

                        Function __init__ has 5 arguments (exceeds 4 allowed). Consider refactoring.
                        Open

                          def __init__(self,
                        Severity: Minor
                        Found in research/adversarial_text/inputs.py - About 35 mins to fix

                          Function variable has 5 arguments (exceeds 4 allowed). Consider refactoring.
                          Open

                          def variable(name, shape, dtype, initializer, trainable):
                          Severity: Minor
                          Found in research/autoaugment/custom_ops.py - About 35 mins to fix

                            Function eval_model_runs_batch has 5 arguments (exceeds 4 allowed). Consider refactoring.
                            Open

                              def eval_model_runs_batch(self, data_name, data_bxtxd, ext_input_bxtxi=None,
                            Severity: Minor
                            Found in research/lfads/lfads.py - About 35 mins to fix

                              Function run_training has 5 arguments (exceeds 4 allowed). Consider refactoring.
                              Open

                              def run_training(train_op,
                              Severity: Minor
                              Found in research/adversarial_text/train_utils.py - About 35 mins to fix

                                Function dataset_fn has 5 arguments (exceeds 4 allowed). Consider refactoring.
                                Open

                                def dataset_fn(batch_size, is_training, split, try_gcs, max_input_len):
                                Severity: Minor
                                Found in research/seq_flow_lite/models/sgnn/train.py - About 35 mins to fix

                                  Function _process_batch has 5 arguments (exceeds 4 allowed). Consider refactoring.
                                  Open

                                    def _process_batch(tensor_dicts,
                                  Severity: Minor
                                  Found in research/lstm_object_detection/evaluator.py - About 35 mins to fix

                                    Function fixed_quantize_op has 5 arguments (exceeds 4 allowed). Consider refactoring.
                                    Open

                                    def fixed_quantize_op(inputs, is_quantized=True,
                                    Severity: Minor
                                    Found in research/lstm_object_detection/lstm/utils.py - About 35 mins to fix

                                      Function _res_add has 5 arguments (exceeds 4 allowed). Consider refactoring.
                                      Open

                                      def _res_add(in_filter, out_filter, stride, x, orig_x):
                                      Severity: Minor
                                      Found in research/autoaugment/wrn.py - About 35 mins to fix

                                        Function _shake_shake_layer has 5 arguments (exceeds 4 allowed). Consider refactoring.
                                        Open

                                        def _shake_shake_layer(x, output_filters, num_blocks, stride,
                                        Severity: Minor
                                        Found in research/autoaugment/shake_shake.py - About 35 mins to fix
                                          Severity
                                          Category
                                          Status
                                          Source
                                          Language