Skip to content

Commit 017c419

Browse files
Fix some imports
1 parent f1dc84f commit 017c419

File tree

6 files changed

+5
-28
lines changed

6 files changed

+5
-28
lines changed

setup.py

-1
Original file line numberDiff line numberDiff line change
@@ -83,7 +83,6 @@
8383
"filelock",
8484
"importlib_metadata",
8585
"opencv-python",
86-
"matplotlib",
8786
"scipy",
8887
"huggingface_hub",
8988
"einops",

src/controlnet_aux/dwpose/__init__.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -14,7 +14,6 @@
1414

1515
from ..util import HWC3, resize_image
1616
from . import util
17-
from .wholebody import Wholebody
1817

1918

2019
def draw_pose(pose, H, W):
@@ -33,6 +32,7 @@ def draw_pose(pose, H, W):
3332

3433
class DWposeDetector:
3534
def __init__(self, det_config=None, det_ckpt=None, pose_config=None, pose_ckpt=None, device="cpu"):
35+
from .wholebody import Wholebody
3636

3737
self.pose_estimation = Wholebody(det_config, det_ckpt, pose_config, pose_ckpt, device)
3838

src/controlnet_aux/dwpose/util.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -1,6 +1,5 @@
11
import math
22
import numpy as np
3-
import matplotlib
43
import cv2
54

65

@@ -110,6 +109,7 @@ def draw_bodypose(canvas, candidate, subset):
110109

111110

112111
def draw_handpose(canvas, all_hand_peaks):
112+
import matplotlib
113113

114114
H, W, C = canvas.shape
115115

src/controlnet_aux/dwpose/wholebody.py

+1-6
Original file line numberDiff line numberDiff line change
@@ -1,11 +1,6 @@
11
# Copyright (c) OpenMMLab. All rights reserved.
22
import os
33
import numpy as np
4-
from . import util
5-
import cv2
6-
import mmcv
7-
import torch
8-
import matplotlib.pyplot as plt
94
import warnings
105

116
try:
@@ -123,4 +118,4 @@ def __call__(self, oriImg):
123118
keypoints, scores, visible = keypoints_info[
124119
..., :2], keypoints_info[..., 2], keypoints_info[..., 3]
125120

126-
return keypoints, scores
121+
return keypoints, scores

src/controlnet_aux/open_pose/body.py

-17
Original file line numberDiff line numberDiff line change
@@ -2,7 +2,6 @@
22
from typing import List, NamedTuple, Union
33

44
import cv2
5-
import matplotlib.pyplot as plt
65
import numpy as np
76
import torch
87
from scipy.ndimage.filters import gaussian_filter
@@ -259,19 +258,3 @@ def format_body_result(candidate: np.ndarray, subset: np.ndarray) -> List[BodyRe
259258
)
260259
for person in subset
261260
]
262-
263-
264-
if __name__ == "__main__":
265-
body_estimation = Body('../model/body_pose_model.pth')
266-
267-
test_image = '../images/ski.jpg'
268-
oriImg = cv2.imread(test_image) # B,G,R order
269-
candidate, subset = body_estimation(oriImg)
270-
bodies = body_estimation.format_body_result(candidate, subset)
271-
272-
canvas = oriImg
273-
for body in bodies:
274-
canvas = util.draw_bodypose(canvas, body)
275-
276-
plt.imshow(canvas[:, :, [2, 1, 0]])
277-
plt.show()

src/controlnet_aux/open_pose/util.py

+2-2
Original file line numberDiff line numberDiff line change
@@ -1,6 +1,5 @@
11
import math
22
import numpy as np
3-
import matplotlib
43
import cv2
54
from typing import List, Tuple, Union
65

@@ -125,6 +124,7 @@ def draw_bodypose(canvas: np.ndarray, keypoints: List[Keypoint]) -> np.ndarray:
125124

126125

127126
def draw_handpose(canvas: np.ndarray, keypoints: Union[List[Keypoint], None]) -> np.ndarray:
127+
import matplotlib
128128
"""
129129
Draw keypoints and connections representing hand pose on a given canvas.
130130
@@ -380,4 +380,4 @@ def npmax(array):
380380
arrayvalue = array.max(1)
381381
i = arrayvalue.argmax()
382382
j = arrayindex[i]
383-
return i, j
383+
return i, j

0 commit comments

Comments
 (0)