优化代码风格

This commit is contained in:
ZZX9599
2025-09-08 17:34:23 +08:00
parent 9b3d20511a
commit 8ceb92c572
20 changed files with 223 additions and 192 deletions

View File

@ -22,7 +22,7 @@ _task_counter_lock = threading.Lock() # 任务计数锁
# -------------------------- 工具函数 --------------------------
def _get_next_task_id():
"""获取唯一任务ID用于日志追踪"""
"""获取唯一任务ID用于日志追踪"""
global _task_counter
with _task_counter_lock:
_task_counter += 1
@ -65,11 +65,11 @@ def _init_thread_pool():
max_workers=MAX_WORKERS,
thread_name_prefix="DetectionThread"
)
print(f"=== 线程池初始化完成最大线程数: {MAX_WORKERS} ===")
print(f"=== 线程池初始化完成最大线程数: {MAX_WORKERS} ===")
def shutdown():
"""关闭线程池释放资源"""
"""关闭线程池释放资源"""
global _executor
with _executor_lock:
if _executor is not None:
@ -82,7 +82,7 @@ def shutdown():
def _detect_in_thread(frame: np.ndarray, task_id: int) -> tuple:
"""在子线程中执行检测逻辑"""
thread_name = threading.current_thread().name
print(f"任务[{task_id}] 开始执行线程: {thread_name}")
print(f"任务[{task_id}] 开始执行线程: {thread_name}")
try:
# 按照优先级执行检测
@ -98,7 +98,7 @@ def _detect_in_thread(frame: np.ndarray, task_id: int) -> tuple:
print(f"任务[{task_id}] {detector}检测结果: {'成功' if flag else '失败'}")
if flag:
print(f"任务[{task_id}] 完成检测使用检测器: {detector}")
print(f"任务[{task_id}] 完成检测使用检测器: {detector}")
return (True, result, detector, task_id)
# 所有检测器均未检测到结果
@ -116,14 +116,14 @@ def detect(frame: np.ndarray) -> Future:
提交检测任务到线程池
参数:
frame: 待检测图像(ndarray格式cv2.imdecode生成)
frame: 待检测图像(ndarray格式cv2.imdecode生成)
返回:
Future对象通过result()方法获取检测结果
Future对象通过result()方法获取检测结果
"""
# 确保模型已加载
if not _model_loaded:
print("警告: 模型尚未加载将自动加载")
print("警告: 模型尚未加载将自动加载")
load_model()
# 生成任务ID
@ -131,6 +131,6 @@ def detect(frame: np.ndarray) -> Future:
# 提交任务到线程池
future = _executor.submit(_detect_in_thread, frame, task_id)
print(f"任务[{task_id}] 已提交到线程池")
print(f"任务[{task_id}]: 已提交到线程池")
return future

View File

@ -16,7 +16,7 @@ try:
pynvml.nvmlInit()
_nvml_available = True
except ImportError:
print("警告: pynvml库未安装无法检测GPU状态将默认使用0号GPU")
print("警告: pynvml库未安装无法检测GPU状态将默认使用0号GPU")
_nvml_available = False
# 全局变量
@ -58,7 +58,7 @@ def check_gpu_availability(gpu_id, threshold=0.7):
def select_best_gpu(preferred_gpus=[0, 1]):
"""选择最佳可用GPU严格按照首选列表顺序检查优先使用0号GPU"""
"""选择最佳可用GPU严格按照首选列表顺序检查优先使用0号GPU"""
# 首先检查首选GPU列表
for gpu_id in preferred_gpus:
try:
@ -68,17 +68,17 @@ def select_best_gpu(preferred_gpus=[0, 1]):
# 检查GPU是否可用
if check_gpu_availability(gpu_id):
print(f"GPU {gpu_id} 可用将使用该GPU")
print(f"GPU {gpu_id} 可用将使用该GPU")
return gpu_id
else:
if gpu_id == 0:
print(f"GPU 0 内存使用率过高(繁忙)尝试切换到其他GPU")
print(f"GPU 0 内存使用率过高(繁忙)尝试切换到其他GPU")
except Exception as e:
print(f"GPU {gpu_id} 不存在或无法访问: {e}")
continue
# 如果所有首选GPU都不可用返回-1表示使用CPU
print("所有指定的GPU都不可用将使用CPU进行计算")
# 如果所有首选GPU都不可用返回-1表示使用CPU
print("所有指定的GPU都不可用将使用CPU进行计算")
return -1
@ -122,12 +122,12 @@ def _release_engine():
def _monitor_thread():
"""监控线程检查并释放超时未使用的资源"""
"""监控线程检查并释放超时未使用的资源"""
global _ref_count, _last_used_time, _face_app
while True:
time.sleep(5) # 每5秒检查一次
with _lock:
# 只有当引擎存在、没有引用且超时才释放
# 只有当引擎存在、没有引用且超时才释放
if _face_app and _ref_count == 0 and not _is_releasing:
elapsed = time.time() - _last_used_time
if elapsed > _release_timeout:
@ -136,7 +136,7 @@ def _monitor_thread():
def load_model(prefer_gpu=True, preferred_gpus=[0, 1]):
"""加载人脸识别模型及已知人脸特征库默认优先使用0号GPU"""
"""加载人脸识别模型及已知人脸特征库默认优先使用0号GPU"""
global _face_app, _known_faces_embeddings, _known_faces_names, _using_gpu, _used_gpu_id
# 确保监控线程只启动一次
@ -144,11 +144,11 @@ def load_model(prefer_gpu=True, preferred_gpus=[0, 1]):
threading.Thread(target=_monitor_thread, daemon=True, name="FaceMonitor").start()
print("Face monitor thread started")
# 如果正在释放中等待释放完成
# 如果正在释放中等待释放完成
while _is_releasing:
time.sleep(0.1)
# 如果已经初始化直接返回
# 如果已经初始化直接返回
if _face_app:
return True
@ -158,7 +158,7 @@ def load_model(prefer_gpu=True, preferred_gpus=[0, 1]):
print("正在初始化InsightFace人脸识别引擎...")
_face_app = FaceAnalysis(name='buffalo_l', root='~/.insightface')
# 选择合适的GPU默认优先使用0号
# 选择合适的GPU默认优先使用0号
ctx_id = 0
if prefer_gpu:
ctx_id = select_best_gpu(preferred_gpus)
@ -166,9 +166,9 @@ def load_model(prefer_gpu=True, preferred_gpus=[0, 1]):
_used_gpu_id = ctx_id if _using_gpu else -1
if _using_gpu:
print(f"成功初始化使用GPU {ctx_id} 进行计算")
print(f"成功初始化使用GPU {ctx_id} 进行计算")
else:
print("成功初始化使用CPU进行计算")
print("成功初始化使用CPU进行计算")
# 准备模型
_face_app.prepare(ctx_id=ctx_id, det_size=(640, 640))
@ -188,10 +188,10 @@ def load_model(prefer_gpu=True, preferred_gpus=[0, 1]):
for person_name, eigenvalue_data in face_data.items():
# 处理特征值数据 - 兼容数组和字符串两种格式
if isinstance(eigenvalue_data, np.ndarray):
# 如果已经是numpy数组直接使用
# 如果已经是numpy数组直接使用
eigenvalue = eigenvalue_data.astype(np.float32)
elif isinstance(eigenvalue_data, str):
# 清理字符串移除方括号、换行符和多余空格
# 清理字符串: 移除方括号、换行符和多余空格
cleaned = eigenvalue_data.replace('[', '').replace(']', '').replace('\n', '').strip()
# 按空格或逗号分割(处理可能的不同分隔符)
values = [v for v in cleaned.split() if v]
@ -217,7 +217,7 @@ def load_model(prefer_gpu=True, preferred_gpus=[0, 1]):
def detect(frame, threshold=0.4):
"""检测并识别人脸返回结果元组(是否匹配到已知人脸, 结果字符串)"""
"""检测并识别人脸返回结果元组(是否匹配到已知人脸, 结果字符串)"""
global _face_app, _known_faces_embeddings, _known_faces_names, _using_gpu, _used_gpu_id
global _ref_count, _last_used_time
@ -248,7 +248,7 @@ def detect(frame, threshold=0.4):
return (False, "人脸识别引擎不可用或未初始化")
try:
# 如果使用GPU确保输入帧在处理前是连续的数组
# 如果使用GPU确保输入帧在处理前是连续的数组
if _using_gpu and not frame.flags.contiguous:
frame = np.ascontiguousarray(frame)
@ -285,7 +285,7 @@ def detect(frame, threshold=0.4):
# 判断匹配结果
is_match = max_sim >= threshold
if is_match:
has_matched = True # 只要有一个匹配成功就标记为True
has_matched = True # 只要有一个匹配成功就标记为True
bbox = face.bbox
result_parts.append(
@ -298,12 +298,12 @@ def detect(frame, threshold=0.4):
else:
result_str = "; ".join(result_parts)
# 减少引用计数确保线程安全
# 减少引用计数确保线程安全
with _lock:
_ref_count = max(0, _ref_count - 1)
# 持续使用时更新最后使用时间
if _ref_count > 0:
_last_used_time = time.time()
# 第一个返回值为是否匹配到已知人脸
# 第一个返回值为: 是否匹配到已知人脸
return (has_matched, result_str)

View File

@ -61,12 +61,12 @@ def _release_engine():
def _monitor_thread():
"""监控线程优化检查逻辑"""
"""监控线程优化检查逻辑"""
global _ref_count, _last_used_time, _ocr_engine
while True:
time.sleep(5) # 每5秒检查一次
with _lock:
# 只有当引擎存在、没有引用且超时才释放
# 只有当引擎存在、没有引用且超时才释放
if _ocr_engine and _ref_count == 0 and not _is_releasing:
elapsed = time.time() - _last_used_time
if elapsed > _release_timeout:
@ -100,7 +100,7 @@ def load_model():
def detect(frame):
"""OCR检测优化引用计数管理"""
"""OCR检测优化引用计数管理"""
global _ocr_engine, _forbidden_words, _conf_threshold, _ref_count, _last_used_time
# 验证前置条件
@ -178,7 +178,7 @@ def detect(frame):
return (False, f"检测错误: {str(e)}")
finally:
# 减少引用计数确保线程安全
# 减少引用计数确保线程安全
with _lock:
_ref_count = max(0, _ref_count - 1)
# 持续使用时更新最后使用时间

View File

@ -1,6 +1,5 @@
import os
import cv2
from ultralytics import YOLO
# 全局变量
@ -24,7 +23,7 @@ def load_model():
def detect(frame, conf_threshold=0.2):
"""YOLO目标检测返回(是否识别到, 结果字符串)"""
"""YOLO目标检测返回(是否识别到, 结果字符串)"""
global _yolo_model
if not _yolo_model or frame is None: