Skip to content
New issue

Have a question about this project? Sign up for a free GitHub account to open an issue and contact its maintainers and the community.

By clicking “Sign up for GitHub”, you agree to our terms of service and privacy statement. We’ll occasionally send you account related emails.

Already on GitHub? Sign in to your account

precommit: isort #5493

Merged
merged 6 commits into from
Nov 4, 2021
Merged
Show file tree
Hide file tree
Changes from 2 commits
Commits
File filter

Filter by extension

Filter by extension

Conversations
Failed to load comments.
Loading
Jump to
Jump to file
Failed to load files.
Loading
Diff view
Diff view
11 changes: 5 additions & 6 deletions .pre-commit-config.yaml
Original file line number Diff line number Diff line change
Expand Up @@ -30,12 +30,11 @@ repos:
args: [--py36-plus]
name: Upgrade code

# TODO
#- repo: https://github.com/PyCQA/isort
# rev: 5.9.3
# hooks:
# - id: isort
# name: imports
- repo: https://github.com/PyCQA/isort
rev: 5.9.3
hooks:
- id: isort
name: imports

# TODO
#- repo: https://github.com/pre-commit/mirrors-yapf
Expand Down
18 changes: 16 additions & 2 deletions detect.py
Original file line number Diff line number Diff line change
Expand Up @@ -24,8 +24,22 @@

from models.experimental import attempt_load
from utils.datasets import LoadImages, LoadStreams
from utils.general import apply_classifier, check_img_size, check_imshow, check_requirements, check_suffix, colorstr, \
increment_path, non_max_suppression, print_args, save_one_box, scale_coords, strip_optimizer, xyxy2xywh, LOGGER
from utils.general import (
apply_classifier,
check_img_size,
check_imshow,
check_requirements,
check_suffix,
colorstr,
increment_path,
LOGGER,
non_max_suppression,
print_args,
save_one_box,
scale_coords,
strip_optimizer,
xyxy2xywh,
)
from utils.plots import Annotator, colors
from utils.torch_utils import load_classifier, select_device, time_sync

Expand Down
17 changes: 14 additions & 3 deletions export.py
Original file line number Diff line number Diff line change
Expand Up @@ -42,8 +42,16 @@
from models.yolo import Detect
from utils.activations import SiLU
from utils.datasets import LoadImages
from utils.general import check_dataset, check_img_size, check_requirements, colorstr, file_size, print_args, \
url2file, LOGGER
from utils.general import (
check_dataset,
check_img_size,
check_requirements,
colorstr,
file_size,
LOGGER,
print_args,
url2file,
)
from utils.torch_utils import select_device


Expand Down Expand Up @@ -135,7 +143,8 @@ def export_saved_model(model, im, file, dynamic,
try:
import tensorflow as tf
from tensorflow import keras
from models.tf import TFModel, TFDetect

from models.tf import TFDetect, TFModel

LOGGER.info(f'\n{prefix} starting export with tensorflow {tf.__version__}...')
f = str(file).replace('.pt', '_saved_model')
Expand Down Expand Up @@ -182,6 +191,7 @@ def export_tflite(keras_model, im, file, int8, data, ncalib, prefix=colorstr('Te
# YOLOv5 TensorFlow Lite export
try:
import tensorflow as tf

from models.tf import representative_dataset_gen

LOGGER.info(f'\n{prefix} starting export with tensorflow {tf.__version__}...')
Expand Down Expand Up @@ -215,6 +225,7 @@ def export_tfjs(keras_model, im, file, prefix=colorstr('TensorFlow.js:')):
try:
check_requirements(('tensorflowjs',))
import re

import tensorflowjs as tfjs

LOGGER.info(f'\n{prefix} starting export with tensorflowjs {tfjs.__version__}...')
Expand Down
7 changes: 4 additions & 3 deletions hubconf.py
Original file line number Diff line number Diff line change
Expand Up @@ -27,10 +27,10 @@ def _create(name, pretrained=True, channels=3, classes=80, autoshape=True, verbo
"""
from pathlib import Path

from models.yolo import Model
from models.experimental import attempt_load
from utils.general import check_requirements, set_logging
from models.yolo import Model
from utils.downloads import attempt_download
from utils.general import check_requirements, set_logging
from utils.torch_utils import select_device

file = Path(__file__).resolve()
Expand Down Expand Up @@ -125,10 +125,11 @@ def yolov5x6(pretrained=True, channels=3, classes=80, autoshape=True, verbose=Tr
# model = custom(path='path/to/model.pt') # custom

# Verify inference
from pathlib import Path

import cv2
import numpy as np
from PIL import Image
from pathlib import Path

imgs = ['data/images/zidane.jpg', # filename
Path('data/images/zidane.jpg'), # Path
Expand Down
11 changes: 9 additions & 2 deletions models/common.py
Original file line number Diff line number Diff line change
Expand Up @@ -18,8 +18,15 @@
from torch.cuda import amp

from utils.datasets import exif_transpose, letterbox
from utils.general import colorstr, increment_path, make_divisible, non_max_suppression, save_one_box, \
scale_coords, xyxy2xywh
from utils.general import (
colorstr,
increment_path,
make_divisible,
non_max_suppression,
save_one_box,
scale_coords,
xyxy2xywh,
)
from utils.plots import Annotator, colors
from utils.torch_utils import time_sync

Expand Down
1 change: 1 addition & 0 deletions models/experimental.py
Original file line number Diff line number Diff line change
Expand Up @@ -3,6 +3,7 @@
Experimental modules
"""
import math

import numpy as np
import torch
import torch.nn as nn
Expand Down
6 changes: 3 additions & 3 deletions models/tf.py
Original file line number Diff line number Diff line change
Expand Up @@ -28,11 +28,11 @@
import torch.nn as nn
from tensorflow import keras

from models.common import Bottleneck, BottleneckCSP, Concat, Conv, C3, DWConv, Focus, SPP, SPPF, autopad
from models.experimental import CrossConv, MixConv2d, attempt_load
from models.common import autopad, Bottleneck, BottleneckCSP, C3, Concat, Conv, DWConv, Focus, SPP, SPPF
from models.experimental import attempt_load, CrossConv, MixConv2d
from models.yolo import Detect
from utils.general import make_divisible, print_args, LOGGER
from utils.activations import SiLU
from utils.general import LOGGER, make_divisible, print_args


class TFBN(keras.layers.Layer):
Expand Down
13 changes: 10 additions & 3 deletions models/yolo.py
Original file line number Diff line number Diff line change
Expand Up @@ -20,10 +20,17 @@
from models.common import *
from models.experimental import *
from utils.autoanchor import check_anchor_order
from utils.general import check_version, check_yaml, make_divisible, print_args, LOGGER
from utils.general import check_version, check_yaml, LOGGER, make_divisible, print_args
from utils.plots import feature_visualization
from utils.torch_utils import copy_attr, fuse_conv_and_bn, initialize_weights, model_info, scale_img, \
select_device, time_sync
from utils.torch_utils import (
copy_attr,
fuse_conv_and_bn,
initialize_weights,
model_info,
scale_img,
select_device,
time_sync,
)

try:
import thop # for FLOPs computation
Expand Down
8 changes: 8 additions & 0 deletions setup.cfg
Original file line number Diff line number Diff line change
Expand Up @@ -43,3 +43,11 @@ ignore =
F403
E302
F541


[isort]
Copy link
Contributor Author

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

@glenn-jocher here is the configuration :]
feel free to edit it how you wish and let the bot update the PR

Copy link
Member

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

@Borda awesome!! Thanks I'll experiment with it.

line_length = 120
order_by_type = False
# 3 - Vertical Hanging Indent
multi_line_output = 3
include_trailing_comma = True
44 changes: 34 additions & 10 deletions train.py
Original file line number Diff line number Diff line change
Expand Up @@ -23,7 +23,7 @@
import yaml
from torch.cuda import amp
from torch.nn.parallel import DistributedDataParallel as DDP
from torch.optim import Adam, SGD, lr_scheduler
from torch.optim import Adam, lr_scheduler, SGD
from tqdm import tqdm

FILE = Path(__file__).resolve()
Expand All @@ -37,19 +37,43 @@
from models.yolo import Model
from utils.autoanchor import check_anchors
from utils.autobatch import check_train_batch_size
from utils.callbacks import Callbacks
from utils.datasets import create_dataloader
from utils.general import labels_to_class_weights, increment_path, labels_to_image_weights, init_seeds, \
strip_optimizer, get_latest_run, check_dataset, check_git_status, check_img_size, check_requirements, \
check_file, check_yaml, check_suffix, print_args, print_mutation, one_cycle, colorstr, methods, LOGGER
from utils.downloads import attempt_download
from utils.loss import ComputeLoss
from utils.plots import plot_labels, plot_evolve
from utils.torch_utils import EarlyStopping, ModelEMA, de_parallel, intersect_dicts, select_device, \
torch_distributed_zero_first
from utils.general import (
check_dataset,
check_file,
check_git_status,
check_img_size,
check_requirements,
check_suffix,
check_yaml,
colorstr,
get_latest_run,
increment_path,
init_seeds,
labels_to_class_weights,
labels_to_image_weights,
LOGGER,
methods,
one_cycle,
print_args,
print_mutation,
strip_optimizer,
)
from utils.loggers import Loggers
from utils.loggers.wandb.wandb_utils import check_wandb_resume
from utils.loss import ComputeLoss
from utils.metrics import fitness
from utils.loggers import Loggers
from utils.callbacks import Callbacks
from utils.plots import plot_evolve, plot_labels
from utils.torch_utils import (
de_parallel,
EarlyStopping,
intersect_dicts,
ModelEMA,
select_device,
torch_distributed_zero_first,
)

LOCAL_RANK = int(os.getenv('LOCAL_RANK', -1)) # https://pytorch.org/docs/stable/elastic/run.html
RANK = int(os.getenv('RANK', -1))
Expand Down
2 changes: 1 addition & 1 deletion utils/augmentations.py
Original file line number Diff line number Diff line change
Expand Up @@ -10,7 +10,7 @@
import cv2
import numpy as np

from utils.general import colorstr, segment2box, resample_segments, check_version
from utils.general import check_version, colorstr, resample_segments, segment2box
from utils.metrics import bbox_ioa


Expand Down
18 changes: 14 additions & 4 deletions utils/datasets.py
Original file line number Diff line number Diff line change
Expand Up @@ -12,7 +12,7 @@
import shutil
import time
from itertools import repeat
from multiprocessing.pool import ThreadPool, Pool
from multiprocessing.pool import Pool, ThreadPool
from pathlib import Path
from threading import Thread
from zipfile import ZipFile
Expand All @@ -22,13 +22,23 @@
import torch
import torch.nn.functional as F
import yaml
from PIL import Image, ImageOps, ExifTags
from PIL import ExifTags, Image, ImageOps
from torch.utils.data import Dataset
from tqdm import tqdm

from utils.augmentations import Albumentations, augment_hsv, copy_paste, letterbox, mixup, random_perspective
from utils.general import check_dataset, check_requirements, check_yaml, clean_str, segments2boxes, \
xywh2xyxy, xywhn2xyxy, xyxy2xywhn, xyn2xy, LOGGER
from utils.general import (
check_dataset,
check_requirements,
check_yaml,
clean_str,
LOGGER,
segments2boxes,
xyn2xy,
xywh2xyxy,
xywhn2xyxy,
xyxy2xywhn,
)
from utils.torch_utils import torch_distributed_zero_first

# Parameters
Expand Down
2 changes: 1 addition & 1 deletion utils/flask_rest_api/restapi.py
Original file line number Diff line number Diff line change
Expand Up @@ -5,8 +5,8 @@
import io

import torch
from PIL import Image
from flask import Flask, request
from PIL import Image

app = Flask(__name__)

Expand Down
4 changes: 2 additions & 2 deletions utils/loggers/wandb/sweep.py
Original file line number Diff line number Diff line change
Expand Up @@ -8,10 +8,10 @@
if str(ROOT) not in sys.path:
sys.path.append(str(ROOT)) # add ROOT to PATH

from train import train, parse_opt
from train import parse_opt, train
from utils.callbacks import Callbacks
from utils.general import increment_path
from utils.torch_utils import select_device
from utils.callbacks import Callbacks


def sweep():
Expand Down
3 changes: 1 addition & 2 deletions utils/loggers/wandb/wandb_utils.py
Original file line number Diff line number Diff line change
Expand Up @@ -16,8 +16,7 @@
if str(ROOT) not in sys.path:
sys.path.append(str(ROOT)) # add ROOT to PATH

from utils.datasets import LoadImagesAndLabels
from utils.datasets import img2label_paths
from utils.datasets import img2label_paths, LoadImagesAndLabels
from utils.general import check_dataset, check_file

try:
Expand Down
2 changes: 1 addition & 1 deletion utils/plots.py
Original file line number Diff line number Diff line change
Expand Up @@ -17,7 +17,7 @@
import torch
from PIL import Image, ImageDraw, ImageFont

from utils.general import user_config_dir, is_ascii, is_chinese, xywh2xyxy, xyxy2xywh
from utils.general import is_ascii, is_chinese, user_config_dir, xywh2xyxy, xyxy2xywh
from utils.metrics import fitness

# Settings
Expand Down
22 changes: 18 additions & 4 deletions val.py
Original file line number Diff line number Diff line change
Expand Up @@ -24,14 +24,28 @@
ROOT = Path(os.path.relpath(ROOT, Path.cwd())) # relative

from models.experimental import attempt_load
from utils.callbacks import Callbacks
from utils.datasets import create_dataloader
from utils.general import box_iou, coco80_to_coco91_class, colorstr, check_dataset, check_img_size, \
check_requirements, check_suffix, check_yaml, increment_path, non_max_suppression, print_args, scale_coords, \
xyxy2xywh, xywh2xyxy, LOGGER
from utils.general import (
box_iou,
check_dataset,
check_img_size,
check_requirements,
check_suffix,
check_yaml,
coco80_to_coco91_class,
colorstr,
increment_path,
LOGGER,
non_max_suppression,
print_args,
scale_coords,
xywh2xyxy,
xyxy2xywh,
)
from utils.metrics import ap_per_class, ConfusionMatrix
from utils.plots import output_to_target, plot_images, plot_val_study
from utils.torch_utils import select_device, time_sync
from utils.callbacks import Callbacks


def save_one_txt(predn, save_conf, shape, file):
Expand Down