Skip to content

Commit de2503d

Browse files
neuropilot-captainneuropilot-captain
authored andcommitted
Fix lintrunner warnings
1 parent e79adcb commit de2503d

File tree

10 files changed

+1
-35
lines changed

10 files changed

+1
-35
lines changed

examples/mediatek/aot_utils/oss_utils/utils.py

Lines changed: 0 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -7,8 +7,6 @@
77
import os
88
from typing import Optional
99

10-
import numpy as np
11-
1210
import torch
1311
from executorch import exir
1412
from executorch.backends.mediatek import (

examples/mediatek/eval_utils/eval_oss_result.py

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -7,7 +7,6 @@
77
import argparse
88
import json
99
import os
10-
import sys
1110

1211
import numpy as np
1312
import piq

examples/mediatek/model_export_scripts/deeplab_v3.py

Lines changed: 0 additions & 5 deletions
Original file line numberDiff line numberDiff line change
@@ -5,19 +5,15 @@
55
# LICENSE file in the root directory of this source tree.
66

77
import argparse
8-
import json
98
import os
109
import random
11-
import re
12-
import sys
1310

1411
import numpy as np
1512

1613
import torch
1714
from executorch.backends.mediatek import Precision
1815
from executorch.examples.mediatek.aot_utils.oss_utils.utils import (
1916
build_executorch_binary,
20-
make_output_dir,
2117
)
2218
from executorch.examples.models.deeplab_v3 import DeepLabV3ResNet101Model
2319

@@ -34,7 +30,6 @@ def forward(self, input1):
3430

3531

3632
def get_dataset(data_size, dataset_dir, download):
37-
import numpy as np
3833
from torchvision import datasets, transforms
3934

4035
input_size = (224, 224)

examples/mediatek/model_export_scripts/edsr.py

Lines changed: 1 addition & 3 deletions
Original file line numberDiff line numberDiff line change
@@ -5,7 +5,6 @@
55
# LICENSE file in the root directory of this source tree.
66

77
import argparse
8-
import json
98
import os
109

1110
import numpy as np
@@ -14,14 +13,13 @@
1413
from executorch.backends.mediatek import Precision
1514
from executorch.examples.mediatek.aot_utils.oss_utils.utils import (
1615
build_executorch_binary,
17-
make_output_dir,
1816
)
1917
from executorch.examples.models.edsr import EdsrModel
2018

2119
from PIL import Image
2220
from torch.utils.data import Dataset
2321
from torchsr.datasets import B100
24-
from torchvision.transforms.functional import to_pil_image, to_tensor
22+
from torchvision.transforms.functional import to_tensor
2523

2624

2725
class NhwcWrappedModel(torch.nn.Module):

examples/mediatek/model_export_scripts/inception_v3.py

Lines changed: 0 additions & 4 deletions
Original file line numberDiff line numberDiff line change
@@ -5,16 +5,12 @@
55
# LICENSE file in the root directory of this source tree.
66

77
import argparse
8-
import json
98
import os
109

11-
import numpy as np
12-
1310
import torch
1411
from executorch.backends.mediatek import Precision
1512
from executorch.examples.mediatek.aot_utils.oss_utils.utils import (
1613
build_executorch_binary,
17-
make_output_dir,
1814
)
1915
from executorch.examples.models.inception_v3 import InceptionV3Model
2016

examples/mediatek/model_export_scripts/inception_v4.py

Lines changed: 0 additions & 4 deletions
Original file line numberDiff line numberDiff line change
@@ -5,16 +5,12 @@
55
# LICENSE file in the root directory of this source tree.
66

77
import argparse
8-
import json
98
import os
109

11-
import numpy as np
12-
1310
import torch
1411
from executorch.backends.mediatek import Precision
1512
from executorch.examples.mediatek.aot_utils.oss_utils.utils import (
1613
build_executorch_binary,
17-
make_output_dir,
1814
)
1915
from executorch.examples.models.inception_v4 import InceptionV4Model
2016

examples/mediatek/model_export_scripts/mobilenet_v2.py

Lines changed: 0 additions & 4 deletions
Original file line numberDiff line numberDiff line change
@@ -5,16 +5,12 @@
55
# LICENSE file in the root directory of this source tree.
66

77
import argparse
8-
import json
98
import os
109

11-
import numpy as np
12-
1310
import torch
1411
from executorch.backends.mediatek import Precision
1512
from executorch.examples.mediatek.aot_utils.oss_utils.utils import (
1613
build_executorch_binary,
17-
make_output_dir,
1814
)
1915
from executorch.examples.models.mobilenet_v2 import MV2Model
2016

examples/mediatek/model_export_scripts/mobilenet_v3.py

Lines changed: 0 additions & 4 deletions
Original file line numberDiff line numberDiff line change
@@ -5,16 +5,12 @@
55
# LICENSE file in the root directory of this source tree.
66

77
import argparse
8-
import json
98
import os
109

11-
import numpy as np
12-
1310
import torch
1411
from executorch.backends.mediatek import Precision
1512
from executorch.examples.mediatek.aot_utils.oss_utils.utils import (
1613
build_executorch_binary,
17-
make_output_dir,
1814
)
1915
from executorch.examples.models.mobilenet_v3 import MV3Model
2016

examples/mediatek/model_export_scripts/resnet18.py

Lines changed: 0 additions & 4 deletions
Original file line numberDiff line numberDiff line change
@@ -5,16 +5,12 @@
55
# LICENSE file in the root directory of this source tree.
66

77
import argparse
8-
import json
98
import os
109

11-
import numpy as np
12-
1310
import torch
1411
from executorch.backends.mediatek import Precision
1512
from executorch.examples.mediatek.aot_utils.oss_utils.utils import (
1613
build_executorch_binary,
17-
make_output_dir,
1814
)
1915
from executorch.examples.models.resnet import ResNet18Model
2016

examples/mediatek/model_export_scripts/resnet50.py

Lines changed: 0 additions & 4 deletions
Original file line numberDiff line numberDiff line change
@@ -5,16 +5,12 @@
55
# LICENSE file in the root directory of this source tree.
66

77
import argparse
8-
import json
98
import os
109

11-
import numpy as np
12-
1310
import torch
1411
from executorch.backends.mediatek import Precision
1512
from executorch.examples.mediatek.aot_utils.oss_utils.utils import (
1613
build_executorch_binary,
17-
make_output_dir,
1814
)
1915
from executorch.examples.models.resnet import ResNet50Model
2016

0 commit comments

Comments
 (0)