Skip to content

Commit

Permalink
Flake8
Browse files Browse the repository at this point in the history
  • Loading branch information
CharlesGaydon committed Feb 6, 2024
1 parent 1a15143 commit 9033a39
Show file tree
Hide file tree
Showing 4 changed files with 5 additions and 8 deletions.
2 changes: 1 addition & 1 deletion myria3d/callbacks/comet_callbacks.py
Original file line number Diff line number Diff line change
Expand Up @@ -70,4 +70,4 @@ def setup(self, trainer, pl_module, stage):
if logger:
log_path = os.getcwd()
log.info(f"----------------\n LOGS DIR is {log_path}\n ----------------")
logger.experiment.log_parameter("experiment_logs_dirpath", log_path)
logger.experiment.log_parameter("experiment_logs_dirpath", log_path)
6 changes: 2 additions & 4 deletions myria3d/models/model.py
Original file line number Diff line number Diff line change
@@ -1,15 +1,13 @@
from typing import Optional

import torch
from pytorch_lightning import LightningModule
from torch import nn
from torch_geometric.data import Batch
from torch_geometric.nn import knn_interpolate
from myria3d.metrics.iou import iou
from torchmetrics.classification import MulticlassJaccardIndex

from myria3d.metrics.iou import iou
from myria3d.models.modules.pyg_randla_net import PyGRandLANet
from myria3d.utils import utils
from torchmetrics.classification import MulticlassJaccardIndex

log = utils.get_logger(__name__)

Expand Down
2 changes: 1 addition & 1 deletion myria3d/predict.py
Original file line number Diff line number Diff line change
Expand Up @@ -5,7 +5,7 @@
import hydra
import torch
from omegaconf import DictConfig
from pytorch_lightning import LightningDataModule, LightningModule
from pytorch_lightning import LightningDataModule
from tqdm import tqdm

from myria3d.models.model import Model
Expand Down
3 changes: 1 addition & 2 deletions tests/runif.py
Original file line number Diff line number Diff line change
@@ -1,5 +1,4 @@
import pytest
import torch
from lightning.pytorch.accelerators import find_usable_cuda_devices

"""
Expand Down Expand Up @@ -39,7 +38,7 @@ def __new__(
try:
find_usable_cuda_devices(min_gpus)
conditions.append(False)
except (ValueError, RuntimeError) as _:
except (ValueError, RuntimeError):
conditions.append(True)
reasons.append(f"GPUs>={min_gpus}")

Expand Down

0 comments on commit 9033a39

Please sign in to comment.