Skip to content

Commit 9e92dbc

Browse files
committed
fix UT wrong reference on experimental APIs
1 parent 2414e5d commit 9e92dbc

File tree

4 files changed

+6
-6
lines changed

4 files changed

+6
-6
lines changed

test/test_coco_tools.py

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -1,7 +1,7 @@
11
"""Tests for coco_tools. """
22
import unittest
33
import numpy as np
4-
from lpot.metric.coco_tools import *
4+
from lpot.experimental.metric.coco_tools import *
55

66
class TestCOCO(unittest.TestCase):
77
@classmethod

test/test_metrics.py

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -2,8 +2,8 @@
22
import numpy as np
33
import unittest
44
from lpot.metric import METRICS
5-
from lpot.metric.f1 import evaluate
6-
from lpot.metric import bleu
5+
from lpot.experimental.metric.f1 import evaluate
6+
from lpot.experimental.metric import bleu
77

88
class TestMetrics(unittest.TestCase):
99
def testBLEU(self):

test/test_onnxrt_augment.py

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -8,7 +8,7 @@
88

99

1010
sys.path.append('..')
11-
from lpot.data.datasets.dataset import Dataset
11+
from lpot.experimental.data.datasets.dataset import Dataset
1212
from lpot.adaptor.ox_utils.onnxrt_mid import ONNXRTAugment
1313
from lpot.data import DATASETS, DATALOADERS
1414

test/test_pruning.py

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -6,8 +6,8 @@
66
import torchvision
77
import torch.nn as nn
88

9-
from lpot.data.datasets.dummy_dataset import PyTorchDummyDataset
10-
from lpot.data.dataloaders.pytorch_dataloader import PyTorchDataLoader
9+
from lpot.experimental.data.datasets.dummy_dataset import PyTorchDummyDataset
10+
from lpot.experimental.data.dataloaders.pytorch_dataloader import PyTorchDataLoader
1111

1212
def build_fake_yaml():
1313
fake_yaml = """

0 commit comments

Comments
 (0)