Skip to content

Commit

Permalink
fix import
Browse files Browse the repository at this point in the history
  • Loading branch information
eldpswp99 committed Nov 2, 2023
1 parent f4d6a96 commit 91f215a
Show file tree
Hide file tree
Showing 3 changed files with 4 additions and 4 deletions.
2 changes: 1 addition & 1 deletion ml/review/model.py
Original file line number Diff line number Diff line change
Expand Up @@ -3,7 +3,7 @@
from torch import nn
from torch.utils.data import Dataset

from review.tokenization import BERTSentenceTransform
from tokenization import BERTSentenceTransform


class BERTClassifier(nn.Module):
Expand Down
4 changes: 2 additions & 2 deletions ml/review/predict.py
Original file line number Diff line number Diff line change
Expand Up @@ -2,10 +2,10 @@
import numpy as np
import torch
from kobert_tokenizer import KoBERTTokenizer
from review.model import BERTDataset
from model import BERTDataset

device = torch.device("cuda" if torch.cuda.is_available() else "cpu")
PATH = ""
PATH = "../model"


def predict(predict_sentence):
Expand Down
2 changes: 1 addition & 1 deletion ml/review/train.py
Original file line number Diff line number Diff line change
Expand Up @@ -9,7 +9,7 @@
from transformers import AdamW, BertModel
from transformers.optimization import get_cosine_schedule_with_warmup

from review.model import BERTClassifier, BERTDataset
from model import BERTClassifier, BERTDataset

data = pd.read_csv("review_data.csv")

Expand Down

0 comments on commit 91f215a

Please sign in to comment.