Skip to content

Commit

Permalink
[pre-commit.ci] auto fixes from pre-commit.com hooks
Browse files Browse the repository at this point in the history
for more information, see https://pre-commit.ci
  • Loading branch information
pre-commit-ci[bot] committed Feb 5, 2024
1 parent 8f91ac5 commit c34f018
Show file tree
Hide file tree
Showing 20 changed files with 20 additions and 0 deletions.
1 change: 1 addition & 0 deletions pvnet/__init__.py
Original file line number Diff line number Diff line change
@@ -1,2 +1,3 @@
"""PVNet"""

__version__ = "2.6.10"
1 change: 1 addition & 0 deletions pvnet/callbacks.py
Original file line number Diff line number Diff line change
@@ -1,5 +1,6 @@
"""Custom callbacks
"""

from lightning.pytorch import Trainer
from lightning.pytorch.callbacks import BaseFinetuning, EarlyStopping, LearningRateFinder
from lightning.pytorch.trainer.states import TrainerFn
Expand Down
1 change: 1 addition & 0 deletions pvnet/data/__init__.py
Original file line number Diff line number Diff line change
@@ -1,2 +1,3 @@
"""Data parts"""

from .utils import BatchSplitter
1 change: 1 addition & 0 deletions pvnet/data/datamodule.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
""" Data module for pytorch lightning """

from datetime import datetime

import torch
Expand Down
1 change: 1 addition & 0 deletions pvnet/data/utils.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
"""Utils common between Wind and PV datamodules"""

import numpy as np
import torch
from ocf_datapipes.batch import BatchKey, unstack_np_batch_into_examples
Expand Down
1 change: 1 addition & 0 deletions pvnet/data/wind_datamodule.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
""" Data module for pytorch lightning """

import glob
from datetime import datetime

Expand Down
1 change: 1 addition & 0 deletions pvnet/models/base_model.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
"""Base model for all PVNet submodels"""

import json
import logging
import os
Expand Down
1 change: 1 addition & 0 deletions pvnet/models/baseline/single_value.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
"""Average value model"""

import torch
from ocf_datapipes.batch import BatchKey
from torch import nn
Expand Down
1 change: 1 addition & 0 deletions pvnet/models/multimodal/encoders/basic_blocks.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
"""Basic blocks for image sequence encoders"""

from abc import ABCMeta, abstractmethod

import torch
Expand Down
1 change: 1 addition & 0 deletions pvnet/models/multimodal/encoders/encoders3d.py
Original file line number Diff line number Diff line change
@@ -1,5 +1,6 @@
"""Encoder modules for the satellite/NWP data based on 3D concolutions.
"""

import torch
from torch import nn
from torchvision.transforms import CenterCrop
Expand Down
1 change: 1 addition & 0 deletions pvnet/models/multimodal/linear_networks/basic_blocks.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
"""Basic blocks for the lienar networks"""

from abc import ABCMeta, abstractmethod
from collections import OrderedDict

Expand Down
1 change: 1 addition & 0 deletions pvnet/models/multimodal/linear_networks/networks.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
"""Linear networks used for the fusion model"""

from torch import nn

from pvnet.models.multimodal.linear_networks.basic_blocks import (
Expand Down
1 change: 1 addition & 0 deletions pvnet/models/multimodal/nwp_weighting.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
"""Architecture for simple learned weighted average of the downwards short wave radiation flux"""

from typing import Optional

import torch
Expand Down
1 change: 1 addition & 0 deletions pvnet/models/multimodal/site_encoders/basic_blocks.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
"""Basic blocks for PV-site encoders"""

from abc import ABCMeta, abstractmethod

from torch import nn
Expand Down
1 change: 1 addition & 0 deletions pvnet/models/multimodal/weather_residual.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
"""Model architecture where preidction is split into climateology and weather residual"""

from collections import OrderedDict
from typing import Optional

Expand Down
1 change: 1 addition & 0 deletions pvnet/training.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
"""Training"""

import os
import shutil
from typing import Optional
Expand Down
1 change: 1 addition & 0 deletions pvnet/utils.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
"""Utils"""

import logging
import os
import warnings
Expand Down
1 change: 1 addition & 0 deletions scripts/checkpoint_to_huggingface.py
Original file line number Diff line number Diff line change
Expand Up @@ -5,6 +5,7 @@
--local-path="~/tmp/this_model" \
--no-push-to-hub
"""

import glob
import os
import tempfile
Expand Down
1 change: 1 addition & 0 deletions scripts/save_batches.py
Original file line number Diff line number Diff line change
Expand Up @@ -15,6 +15,7 @@
```
"""

import logging
import os
import shutil
Expand Down
1 change: 1 addition & 0 deletions setup.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
""" Usual setup file for package """

# read the contents of your README file
from pathlib import Path

Expand Down

0 comments on commit c34f018

Please sign in to comment.