tensorflow/models

View on GitHub

Showing 11,634 of 11,634 total issues

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

def train(train_model, pretrained_ckpt, checkpoint_dir, train_steps,
Severity: Minor
Found in research/vid2depth/train.py - About 35 mins to fix

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

    def image_seg_to_tfexample(image_data, filename, height, width, seg_data):
    Severity: Minor
    Found in research/deeplab/datasets/build_data.py - About 35 mins to fix

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

        def __new__(cls,
      Severity: Minor
      Found in research/deeplab/common.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/vid2depth/dataset/dataset_loader.py - About 35 mins to fix

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

            def __init__(self, config, sess, checkpoint_saver, best_model_saver,
          Severity: Minor
          Found in research/cvt_text/training/training_progress.py - About 35 mins to fix

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

            def _run_metrics_worker(metric_aggregator, gt_folder, pred_folder, work_queue,
            Severity: Minor
            Found in research/deeplab/evaluation/eval_coco_format.py - About 35 mins to fix

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

              def _normalize_depth_for_display(depth,
              Severity: Minor
              Found in research/vid2depth/inference.py - About 35 mins to fix

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

                  def __init__(self, config, task_name, n_classes, inputs, encoder):
                Severity: Minor
                Found in research/cvt_text/task_specific/word_level/depparse_module.py - About 35 mins to fix

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

                  def inverse_warp(img, depth, egomotion, intrinsic_mat, intrinsic_mat_inv):
                  Severity: Minor
                  Found in research/vid2depth/project.py - About 35 mins to fix

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

                    def _decoder_with_concat_merge(decoder_features_list,
                    Severity: Minor
                    Found in research/deeplab/model.py - About 35 mins to fix

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

                      def get_model_init_fn(train_logdir,
                      Severity: Minor
                      Found in research/deeplab/utils/train_utils.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/deeplab/evaluation/parsing_covering.py - About 35 mins to fix

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

                          def preprocess_image(image,
                          Severity: Minor
                          Found in research/slim/preprocessing/lenet_preprocessing.py - About 35 mins to fix

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

                            def build_pnasnet_large(images,
                            Severity: Minor
                            Found in research/slim/nets/nasnet/pnasnet.py - About 35 mins to fix

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

                              def preprocess_for_eval(image,
                              Severity: Minor
                              Found in research/slim/preprocessing/cifarnet_preprocessing.py - About 35 mins to fix

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

                                def image_to_tfexample(image_data, image_format, height, width, class_id):
                                Severity: Minor
                                Found in research/slim/datasets/dataset_utils.py - About 35 mins to fix

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

                                  def _stacked_separable_conv(net, stride, operation, filter_size,
                                  Severity: Minor
                                  Found in research/slim/nets/nasnet/nasnet_utils.py - About 35 mins to fix

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

                                    def _crop(image, offset_height, offset_width, crop_height, crop_width):
                                    Severity: Minor
                                    Found in research/deeplab/core/preprocess_utils.py - About 35 mins to fix

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

                                        def __init__(self, num_conv_filters, drop_path_keep_prob, total_num_cells,
                                      Severity: Minor
                                      Found in research/deeplab/core/nas_genotypes.py - About 35 mins to fix

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

                                          def __init__(self, num_conv_filters, drop_path_keep_prob, total_num_cells,
                                        Severity: Minor
                                        Found in research/slim/nets/nasnet/nasnet_utils.py - About 35 mins to fix
                                          Severity
                                          Category
                                          Status
                                          Source
                                          Language