Skip to content

Commit

Permalink
add
Browse files Browse the repository at this point in the history
  • Loading branch information
hsjang0 committed Feb 17, 2023
1 parent 9894b7b commit 0869b87
Show file tree
Hide file tree
Showing 11 changed files with 32 additions and 12 deletions.
Original file line number Diff line number Diff line change
@@ -0,0 +1,12 @@
Feb17-04:36:56
----------------------------------------------------------------------------------------------------
[cora] seed=42
----------------------------------------------------------------------------------------------------
lr=0.003 unweighted_MSE=False diffusion_steps=80 schedule=True weight_decay=0.003 cat=False skip=False
nhid=16 layers=2 linears=2
----------------------------------------------------------------------------------------------------
001 | 1.02s | train acc: 1.645e-01 | val acc: 1.148e-01 | val graph: 3.000e-02 | test node: 9.083e-02 | test graph: 4.700e-02
101 | 0.41s | train acc: 1.491e-01 | val acc: 1.556e-01 | val graph: 1.100e-01 | test node: 1.526e-01 | test graph: 1.070e-01
201 | 0.40s | train acc: 1.272e-01 | val acc: 1.511e-01 | val graph: 1.080e-01 | test node: 1.598e-01 | test graph: 1.040e-01
301 | 0.40s | train acc: 1.722e-01 | val acc: 2.900e-01 | val graph: 2.080e-01 | test node: 2.922e-01 | test graph: 2.080e-01
401 | 0.40s | train acc: 1.542e-01 | val acc: 2.876e-01 | val graph: 2.180e-01 | test node: 2.895e-01 | test graph: 2.160e-01
Binary file not shown.
Binary file not shown.
1 change: 0 additions & 1 deletion DPM-GSP-fully-supervised/method_series/ddpm_trainer.py
Original file line number Diff line number Diff line change
Expand Up @@ -3,7 +3,6 @@
from tqdm import tqdm, trange
import numpy as np
import torch
import neptune.new as neptune
from utils.loader import load_seed, load_device, load_data, load_model_params, load_model_optimizer, load_batch, load_loss_fn
from utils.logger import Logger, set_log, start_log, train_log

Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -3,7 +3,6 @@
from tqdm import tqdm, trange
import numpy as np
import torch
import neptune.new as neptune
from utils.loader import load_seed, load_device, load_data, load_model_params, load_model_optimizer, \
load_batch, load_loss_fn
from utils.logger import Logger, set_log, start_log, train_log
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -3,7 +3,6 @@
from tqdm import tqdm, trange
import numpy as np
import torch
import neptune.new as neptune
from utils.loader import load_seed, load_device, load_data, load_model_params, load_model_optimizer, \
load_batch, load_loss_fn
from utils.logger import Logger, set_log, start_log, train_log
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -3,7 +3,6 @@
import torch.nn.functional as F
import math
from torch.autograd import Variable
import neptune.new as neptune
import time
from sklearn.metrics import f1_score
from torch_scatter import scatter_mean
Expand Down
1 change: 0 additions & 1 deletion DPM-GSP-reasoning/method_series/gaussian_ddpm_losses.py
Original file line number Diff line number Diff line change
Expand Up @@ -3,7 +3,6 @@
import torch.nn.functional as F
import math
from torch.autograd import Variable
import neptune.new as neptune


def sum_except_batch(x, num_dims=1):
Expand Down
Original file line number Diff line number Diff line change
@@ -0,0 +1,7 @@
Feb17-03:08:54
----------------------------------------------------------------------------------------------------
[cora] seed=42
----------------------------------------------------------------------------------------------------
lr=0.01 diffusion_steps=80 temperature=0.3 schedule=True weight_decay=0.01 skip=True load start=2000
nhid=8 layers=2 linears=1
----------------------------------------------------------------------------------------------------
Binary file not shown.
20 changes: 13 additions & 7 deletions README.md
Original file line number Diff line number Diff line change
Expand Up @@ -17,21 +17,27 @@ We provide the PyTorch implementation for DPM-GSP framework here. The repository
```

## Setting up the environment
You can set up the environment by following commands.
You can set up the environment by following commands.

### DPM-GSP-fully-supervised
```sh
conda create --name <env> --file requirements_supervised.txt
conda create -n DPM-GSP python=3.10
conda install pytorch==1.12.1 torchvision==0.13.1 torchaudio==0.12.1 cudatoolkit=11.3 -c pytorch
pip install tqdm
pip install pyyaml
pip install easydict
pip install torch-sparse
pip install torch-scatter==2.0.9
```
You also need to install torch-geometric package. Each experiment requires a different version.

### DPM-GSP-semi-supervised
### DPM-GSP for fully-supervised and reasoning
```sh
conda create --name <env> --file requirements_semi-supervised.txt
pip install torch-geometric==1.7.1
```

### DPM-GSP-reasoning
### DPM-GSP-semi-supervised
```sh
conda create --name <env> --file requirements_supervised.txt
pip install torch-geometric==2.1.0
```

## Running
Expand Down

0 comments on commit 0869b87

Please sign in to comment.