Skip to content

Commit

Permalink
0.1.0.dev1 release flake8 fix
Browse files Browse the repository at this point in the history
  • Loading branch information
Mukesh Mithrakumar committed Dec 31, 2018
1 parent ee0b295 commit 3a018d7
Show file tree
Hide file tree
Showing 4 changed files with 4 additions and 6 deletions.
2 changes: 1 addition & 1 deletion pytorch_unet/optimize/config.py
Original file line number Diff line number Diff line change
Expand Up @@ -4,4 +4,4 @@
This can be like the task file for hp tuning, you will use config parser and have the configs saved in a different
config.ini file
"""
"""
2 changes: 1 addition & 1 deletion pytorch_unet/optimize/hyperparameter.py
Original file line number Diff line number Diff line change
@@ -1,2 +1,2 @@
"""write the file such that you can call the training from here and add a hyperparameter tuning to the task
so that that calls this file and this starts hyperparameter tuning"""
so that that calls this file and this starts hyperparameter tuning"""
4 changes: 2 additions & 2 deletions pytorch_unet/utils/proto.py
Original file line number Diff line number Diff line change
@@ -1,14 +1,14 @@
import tifffile as tiff
import torch
from PIL import Image
from sklearn.model_selection import train_test_split
from torch import nn
from torch.optim import Adam
from torch.utils.data import DataLoader
from torch.utils.data.sampler import RandomSampler
from torchvision.transforms import Resize, ToTensor
from torchvision.transforms import Resize, ToTensor, Compose

from pytorch_unet.model.u_net import UNet
from pytorch_unet.processing.augments import *
from pytorch_unet.processing.load import DataTransformer

torch.set_default_tensor_type('torch.FloatTensor')
Expand Down
2 changes: 0 additions & 2 deletions pytorch_unet/visualize/logger.py
Original file line number Diff line number Diff line change
Expand Up @@ -52,5 +52,3 @@ def histo_summary(self, tag, values, step, bins=1000):
summary = tf.Summary(value=[tf.Summary.Value(tag=tag, histo=hist)])
self.writer.add_summary(summary, step)
self.writer.flush()


0 comments on commit 3a018d7

Please sign in to comment.