Skip to content

Commit

Permalink
Fix linting
Browse files Browse the repository at this point in the history
  • Loading branch information
Olga Lyashevska committed Nov 1, 2023
1 parent 24a6a1e commit 89427e7
Show file tree
Hide file tree
Showing 2 changed files with 8 additions and 5 deletions.
4 changes: 2 additions & 2 deletions bird_cloud_gnn/fake.py
Original file line number Diff line number Diff line change
Expand Up @@ -50,8 +50,8 @@ def generate_data(
used internally for predicting the target class. Defaults to 300.0.
Returns:
pandas.DataFrames: Generated data. It is also saved to `filename` if that argument is
passed.
pandas.DataFrames: Generated data. It is also saved to `filename`
if that argument is passed.
"""

point_cloud = pd.DataFrame(
Expand Down
9 changes: 6 additions & 3 deletions bird_cloud_gnn/gnn_model.py
Original file line number Diff line number Diff line change
@@ -1,15 +1,16 @@
"""Module for creating GCN class"""

import os

import dgl
import numpy as np
from dgl.dataloading import GraphDataLoader
from dgl.nn.pytorch.conv import GraphConv
from torch import nn, optim
from torch import nn
from torch import optim
from torch.nn.modules import Module
from tqdm import tqdm


os.environ["DGLBACKEND"] = "pytorch"


Expand All @@ -34,7 +35,9 @@ class GCN(nn.Module):
forward(g, in_feats): Computes the output of the model.
fit(train_dataloader, learning_rate=0.01, num_epochs=20): Train the model.
evaluate(test_dataloader): Evaluate model.
fit_and_evaluate(train_dataloader, test_dataloader, callback=None, learning_rate=0.01, num_epochs=20, sch_explr_gamma=0.99, sch_multisteplr_milestones=None, sch_multisteplr_gamma=0.1): Fit the model while evaluating every iteraction.
fit_and_evaluate(train_dataloader, test_dataloader, callback=None, learning_rate=0.01,
num_epochs=20, sch_explr_gamma=0.99, sch_multisteplr_milestones=None,
sch_multisteplr_gamma=0.1): Fit the model while evaluating every iteraction.
"""

def __init__(self, in_feats: int, layers_data: list):
Expand Down

0 comments on commit 89427e7

Please sign in to comment.