Skip to content

Commit

Permalink
I have linted everything
Browse files Browse the repository at this point in the history
  • Loading branch information
josegcpa committed Apr 4, 2024
1 parent 32c8e3c commit afc16b7
Show file tree
Hide file tree
Showing 21 changed files with 4 additions and 30 deletions.
1 change: 0 additions & 1 deletion adell_mri/entrypoints/classification/test.py
Original file line number Diff line number Diff line change
@@ -1,5 +1,4 @@
import random
import json
import numpy as np
import torch
import monai
Expand Down
1 change: 0 additions & 1 deletion adell_mri/entrypoints/classification_deconfounder/test.py
Original file line number Diff line number Diff line change
@@ -1,5 +1,4 @@
import random
import json
import numpy as np
import torch
import monai
Expand Down
1 change: 0 additions & 1 deletion adell_mri/entrypoints/classification_deconfounder/train.py
Original file line number Diff line number Diff line change
@@ -1,5 +1,4 @@
import random
import json
import numpy as np
import torch
import monai
Expand Down
1 change: 0 additions & 1 deletion adell_mri/entrypoints/classification_ensemble/predict.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,3 @@
import argparse
import json
import torch
import monai
Expand Down
1 change: 0 additions & 1 deletion adell_mri/entrypoints/classification_ensemble/test.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,3 @@
import argparse
import json
import numpy as np
import torch
Expand Down
1 change: 0 additions & 1 deletion adell_mri/entrypoints/classification_ensemble/train.py
Original file line number Diff line number Diff line change
@@ -1,5 +1,4 @@
import random
import json
import numpy as np
import torch
import monai
Expand Down
1 change: 0 additions & 1 deletion adell_mri/entrypoints/classification_mil/predict.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,3 @@
import argparse
import random
import json
import numpy as np
Expand Down
2 changes: 0 additions & 2 deletions adell_mri/entrypoints/classification_mil/test.py
Original file line number Diff line number Diff line change
@@ -1,5 +1,3 @@
import os
import argparse
import random
import json
import numpy as np
Expand Down
1 change: 0 additions & 1 deletion adell_mri/entrypoints/classification_mil/train.py
Original file line number Diff line number Diff line change
@@ -1,5 +1,4 @@
import random
import json
import numpy as np
import torch
import monai
Expand Down
2 changes: 0 additions & 2 deletions adell_mri/entrypoints/detection/predict.py
Original file line number Diff line number Diff line change
Expand Up @@ -11,9 +11,7 @@
filter_dictionary_with_presence,
)
from ...utils.network_factories import get_detection_network
import argparse
import yaml
import numpy as np
import torch
import monai
import json
Expand Down
1 change: 0 additions & 1 deletion adell_mri/entrypoints/generative/generate.py
Original file line number Diff line number Diff line change
Expand Up @@ -4,7 +4,6 @@
import torch
import monai
import SimpleITK as sitk
from copy import deepcopy
from pathlib import Path
from tqdm import tqdm

Expand Down
1 change: 0 additions & 1 deletion adell_mri/entrypoints/segmentation/train.py
Original file line number Diff line number Diff line change
@@ -1,5 +1,4 @@
import random
import json
import numpy as np
import torch
import monai
Expand Down
2 changes: 0 additions & 2 deletions adell_mri/entrypoints/segmentation_from_2d_module/train.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,4 @@
import argparse
import random
import json
import numpy as np
import torch
import monai
Expand Down
1 change: 0 additions & 1 deletion adell_mri/entrypoints/ssl/train_3d.py
Original file line number Diff line number Diff line change
@@ -1,5 +1,4 @@
import random
import json
import numpy as np
import torch
import monai
Expand Down
2 changes: 0 additions & 2 deletions adell_mri/entrypoints/utils/dataset/flatten_dataset_json.py
Original file line number Diff line number Diff line change
@@ -1,7 +1,5 @@
import argparse
import json
import numpy as np
from tqdm import tqdm

desc = "Creates individual entries from a hierarchical JSON"

Expand Down
2 changes: 0 additions & 2 deletions adell_mri/entrypoints/utils/dataset/get_test_set_and_folds.py
Original file line number Diff line number Diff line change
@@ -1,10 +1,8 @@
import argparse
import json
import numpy as np
import os
from sklearn.model_selection import StratifiedKFold, KFold, train_test_split
from ....utils.parser import parse_ids
from typing import List, Dict

desc = "Splits JSON dataset entries into test set and folds"

Expand Down
Original file line number Diff line number Diff line change
@@ -1,7 +1,6 @@
import os
import argparse
import re
import numpy as np
import SimpleITK as sitk
from pathlib import Path
from tqdm import tqdm
Expand Down
Original file line number Diff line number Diff line change
@@ -1,5 +1,4 @@
import time
import numpy as np
import torch
import torch.nn.functional as F

Expand Down
8 changes: 4 additions & 4 deletions adell_mri/modules/losses.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
from .classification.losses import *
from .segmentation.losses import *
from .object_detection.losses import *
from .self_supervised.losses import *
from .classification.losses import * # noqa
from .segmentation.losses import * # noqa
from .object_detection.losses import * # noqa
from .self_supervised.losses import * # noqa
2 changes: 0 additions & 2 deletions adell_mri/modules/semi_supervised_segmentation/losses.py
Original file line number Diff line number Diff line change
Expand Up @@ -4,8 +4,6 @@
from queue import Queue
from math import prod

from typing import Any


def swap(xs, a, b):
xs[a], xs[b] = xs[b], xs[a]
Expand Down
1 change: 0 additions & 1 deletion adell_mri/utils/monai_transforms/image_intensity_ops.py
Original file line number Diff line number Diff line change
Expand Up @@ -5,7 +5,6 @@

from ...custom_types import (
TensorDict,
TensorOrNDarray,
)


Expand Down

0 comments on commit afc16b7

Please sign in to comment.