活动介绍

(base) zuochunxue@tyw2:~$ yolo task=detect mode=train model=yolo11x.yaml data=FishEyeData01.yaml epochs=100 batch=64 Ultralytics 8.3.104 🚀 Python-3.12.7 torch-2.6.0+cu124 CUDA:0 (NVIDIA GeForce RTX 4070 Ti SUPER, 16064MiB) engine/trainer: task=detect, mode=train, model=yolo11x.yaml, data=FishEyeData01.yaml, epochs=100, time=None, patience=100, batch=64, imgsz=640, save=True, save_period=-1, cache=False, device=None, workers=8, project=None, name=train5, exist_ok=False, pretrained=True, optimizer=auto, verbose=True, seed=0, deterministic=True, single_cls=False, rect=False, cos_lr=False, close_mosaic=10, resume=False, amp=True, fraction=1.0, profile=False, freeze=None, multi_scale=False, overlap_mask=True, mask_ratio=4, dropout=0.0, val=True, split=val, save_json=False, save_hybrid=False, conf=None, iou=0.7, max_det=300, half=False, dnn=False, plots=True, source=None, vid_stride=1, stream_buffer=False, visualize=False, augment=False, agnostic_nms=False, classes=None, retina_masks=False, embed=None, show=False, save_frames=False, save_txt=False, save_conf=False, save_crop=False, show_labels=True, show_conf=True, show_boxes=True, line_width=None, format=torchscript, keras=False, optimize=False, int8=False, dynamic=False, simplify=True, opset=None, workspace=None, nms=False, lr0=0.01, lrf=0.01, momentum=0.937, weight_decay=0.0005, warmup_epochs=3.0, warmup_momentum=0.8, warmup_bias_lr=0.1, box=7.5, cls=0.5, dfl=1.5, pose=12.0, kobj=1.0, nbs=64, hsv_h=0.015, hsv_s=0.7, hsv_v=0.4, degrees=0.0, translate=0.1, scale=0.5, shear=0.0, perspective=0.0, flipud=0.0, fliplr=0.5, bgr=0.0, mosaic=1.0, mixup=0.0, copy_paste=0.0, copy_paste_mode=flip, auto_augment=randaugment, erasing=0.4, crop_fraction=1.0, cfg=None, tracker=botsort.yaml, save_dir=runs/detect/train5 Traceback (most recent call last): File "/root/anaconda3/lib/python3.12/site-packages/ultralytics/engine/trainer.py", line 582, in get_dataset data = check_det_dataset(self.args.data) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "/root/anaconda3/lib/python3.12/site-packages/ultralytics/data/utils.py", line 312, in check_det_dataset file = check_file(dataset) ^^^^^^^^^^^^^^^^^^^ File "/root/anaconda3/lib/python3.12/site-packages/ultralytics/utils/checks.py", line 546, in check_file raise FileNotFoundError(f"'{file}' does not exist") FileNotFoundError: 'FishEyeData01.yaml' does not exist The above exception was the direct cause of the following exception: Traceback (most recent call last): File "/root/anaconda3/bin/yolo", line 8, in <module> sys.exit(entrypoint()) ^^^^^^^^^^^^ File "/root/anaconda3/lib/python3.12/site-packages/ultralytics/cfg/__init__.py", line 987, in entrypoint getattr(model, mode)(**overrides) # default args from model ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "/root/anaconda3/lib/python3.12/site-packages/ultralytics/engine/model.py", line 785, in train self.trainer = (trainer or self._smart_load("trainer"))(overrides=args, _callbacks=self.callbacks) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "/root/anaconda3/lib/python3.12/site-packages/ultralytics/engine/trainer.py", line 137, in __init__ self.trainset, self.testset = self.get_dataset() ^^^^^^^^^^^^^^^^^^ File "/root/anaconda3/lib/python3.12/site-packages/ultralytics/engine/trainer.py", line 586, in get_dataset raise RuntimeError(emojis(f"Dataset '{clean_url(self.args.data)}' error ❌ {e}")) from e RuntimeError: Dataset 'FishEyeData01.yaml' error ❌ 'FishEyeData01.yaml' does not exist

时间: 2025-07-16 14:28:40 浏览: 9
在使用 YOLO(如 YOLOv8)进行目标检测训练时,如果遇到如下错误: ``` Dataset 'FishEyeData01.yaml' error ❌ 'FishEyeData01.yaml' does not exist ``` 这表明训练脚本无法找到指定的配置文件 `FishEyeData01.yaml`。以下是可能的解决方法: ### 1. 检查 YAML 文件的路径 确保 `FishEyeData01.yaml` 文件位于训练脚本所指定的路径中。YOLO 模型默认会在当前工作目录中查找 `.yaml` 配置文件。如果文件位于其他目录,需要提供完整的相对路径或绝对路径。例如: ```python model.train(data="configs/FishEyeData01.yaml") # 使用相对路径 # 或 model.train(data="/home/user/project/configs/FishEyeData01.yaml") # 使用绝对路径 ``` ### 2. 验证 YAML 文件是否存在 确认 `FishEyeData01.yaml` 文件确实存在于项目目录中。可以通过命令行或文件管理器检查文件是否存在。在命令行中,可以使用以下命令验证: ```bash ls configs/FishEyeData01.yaml ``` 如果提示文件不存在,则需要将文件复制到正确位置或更新路径。 ### 3. 检查 YAML 文件内容格式 YAML 文件的格式要求非常严格,特别是在冒号 (`:`) 后面必须有空格,并且路径应为相对路径或绝对路径。例如: ```yaml path: /home/user/datasets/fisheye # 数据集根目录(冒号后有空格) train: images/train # 训练集图像路径 val: images/val # 验证集图像路径 test: images/test # 测试集图像路径 nc: 1 # 类别数量 names: ['fish'] # 类别名称 ``` ### 4. 检查训练脚本的工作目录 运行训练脚本时,Python 的当前工作目录可能不是项目根目录。可以使用以下代码检查当前工作目录: ```python import os print(os.getcwd()) ``` 如果工作目录不是项目目录,可以通过 `cd` 命令切换目录,或在脚本中使用 `os.chdir()` 设置正确的目录。 ### 5. 使用绝对路径代替相对路径 如果相对路径配置困难,可以尝试在 `FishEyeData01.yaml` 中使用绝对路径来指定数据集目录,例如: ```yaml path: /home/user/datasets/fisheye train: images/train val: images/val nc: 1 names: ['fish'] ``` ### 6. 检查文件扩展名是否正确 确保在调用 `model.train()` 时,指定的 `.yaml` 文件名拼写正确,包括大小写和扩展名。例如: ```python model.train(data="FishEyeData01.yaml") # 正确 # 而不是 model.train(data="fishEyeData01.yaml") # 错误 ``` ### 7. 检查文件权限 确保 `FishEyeData01.yaml` 文件具有读取权限。可以使用以下命令更改权限: ```bash chmod 644 FishEyeData01.yaml ``` ### 示例训练脚本 以下是一个完整的训练脚本示例: ```python from ultralytics import YOLO if __name__ == "__main__": model = YOLO("yolov8n.pt") # 加载预训练模型 model.train(data="configs/FishEyeData01.yaml", imgsz=640, epochs=100, batch=16) ``` ---
阅读全文

相关推荐

# Ultralytics 🚀 AGPL-3.0 License - https://ultralytics.com/license """ Run YOLOv5 detection inference on images, videos, directories, globs, YouTube, webcam, streams, etc. Usage - sources: $ python detect.py --weights yolov5s.pt --source 0 # webcam img.jpg # image vid.mp4 # video screen # screenshot path/ # directory list.txt # list of images list.streams # list of streams 'path/*.jpg' # glob 'https://youtu.be/LNwODJXcvt4' # YouTube 'rtsp://example.com/media.mp4' # RTSP, RTMP, HTTP stream Usage - formats: $ python detect.py --weights yolov5s.pt # PyTorch yolov5s.torchscript # TorchScript yolov5s.onnx # ONNX Runtime or OpenCV DNN with --dnn yolov5s_openvino_model # OpenVINO yolov5s.engine # TensorRT yolov5s.mlpackage # CoreML (macOS-only) yolov5s_saved_model # TensorFlow SavedModel yolov5s.pb # TensorFlow GraphDef yolov5s.tflite # TensorFlow Lite yolov5s_edgetpu.tflite # TensorFlow Edge TPU yolov5s_paddle_model # PaddlePaddle """ import argparse import csv import os import platform import sys from pathlib import Path import torch FILE = Path(__file__).resolve() ROOT = FILE.parents[0] # YOLOv5 root directory if str(ROOT) not in sys.path: sys.path.append(str(ROOT)) # add ROOT to PATH ROOT = Path(os.path.relpath(ROOT, Path.cwd())) # relative from ultralytics.utils.plotting import Annotator, colors, save_one_box from models.common import DetectMultiBackend from utils.dataloaders import IMG_FORMATS, VID_FORMATS, LoadImages, LoadScreenshots, LoadStreams from utils.general import ( LOGGER, Profile, check_file, check_img_size, check_imshow, check_requirements, colorstr, cv2, increment_path, non_max_suppression, print_args, scale_boxes, strip_optimizer, xyxy2xywh, ) from utils.torch_utils import select_device, smart_inference_mode # 新增:计算IOU函数 def calculate_iou(box1, box2): """计算两个边界框的IOU""" x1, y1, x2, y2 = box1 x1g, y1g, x2g, y2g = box2 # 计算交集区域 xA = max(x1, x1g) yA = max(y1, y1g) xB = min(x2, x2g) yB = min(y2, y2g) # 计算交集面积 inter_area = max(0, xB - xA + 1) * max(0, yB - yA + 1) # 计算并集面积 box1_area = (x2 - x1 + 1) * (y2 - y1 + 1) box2_area = (x2g - x1g + 1) * (y2g - y1g + 1) union_area = float(box1_area + box2_area - inter_area) # 计算IOU iou = inter_area / union_area return iou # 新增:计算准确率函数 def calculate_accuracy(gt_labels, pred_detections, iou_threshold=0.5): """计算目标检测的准确率""" correct_predictions = 0 total_gt_objects = 0 total_pred_objects = 0 for img_name in gt_labels: if img_name not in pred_detections: continue gt_boxes = gt_labels[img_name] pred_boxes = pred_detections[img_name] total_gt_objects += len(gt_boxes) total_pred_objects += len(pred_boxes) # 标记已匹配的真实标签 gt_matched = [False] * len(gt_boxes) for pred_box in pred_boxes: pred_class, pred_bbox, pred_conf = pred_box best_iou = 0 best_gt_idx = -1 # 寻找最佳匹配的真实标签 for i, gt_box in enumerate(gt_boxes): gt_class, gt_bbox = gt_box if gt_matched[i]: continue iou = calculate_iou(pred_bbox, gt_bbox) if iou > best_iou and pred_class == gt_class: best_iou = iou best_gt_idx = i # 如果IOU超过阈值且类别正确,则计为正确预测 if best_gt_idx != -1 and best_iou >= iou_threshold: correct_predictions += 1 gt_matched[best_gt_idx] = True # 避免除零错误 if total_gt_objects == 0: return 0.0 # 计算准确率 return correct_predictions / total_gt_objects @smart_inference_mode() def run( weights=ROOT / "yolov5s.pt", # model path or triton URL source=ROOT / "data/images", # file/dir/URL/glob/screen/0(webcam) data=ROOT / "data/coco128.yaml", # dataset.yaml path imgsz=(640, 640), # inference size (height, width) conf_thres=0.25, # confidence threshold iou_thres=0.45, # NMS IOU threshold max_det=1000, # maximum detections per image device="", # cuda device, i.e. 0 or 0,1,2,3 or cpu view_img=False, # show results save_txt=False, # save results to *.txt save_format=0, # save boxes coordinates in YOLO format or Pascal-VOC format (0 for YOLO and 1 for Pascal-VOC) save_csv=False, # save results in CSV format save_conf=False, # save confidences in --save-txt labels save_crop=False, # save cropped prediction boxes nosave=False, # do not save images/videos classes=None, # filter by class: --class 0, or --class 0 2 3 agnostic_nms=False, # class-agnostic NMS augment=False, # augmented inference visualize=False, # visualize features update=False, # update all models project=ROOT / "runs/detect", # save results to project/name name="exp", # save results to project/name exist_ok=False, # existing project/name ok, do not increment line_thickness=3, # bounding box thickness (pixels) hide_labels=False, # hide labels hide_conf=False, # hide confidences half=False, # use FP16 half-precision inference dnn=False, # use OpenCV DNN for ONNX inference vid_stride=1, # video frame-rate stride gt_dir="", # 新增:真实标签目录 eval_interval=10, # 新增:评估间隔帧数 ): """ Runs YOLOv5 detection inference on various sources like images, videos, directories, streams, etc. Args: weights (str | Path): Path to the model weights file or a Triton URL. Default is 'yolov5s.pt'. source (str | Path): Input source, which can be a file, directory, URL, glob pattern, screen capture, or webcam index. Default is 'data/images'. data (str | Path): Path to the dataset YAML file. Default is 'data/coco128.yaml'. imgsz (tuple[int, int]): Inference image size as a tuple (height, width). Default is (640, 640). conf_thres (float): Confidence threshold for detections. Default is 0.25. iou_thres (float): Intersection Over Union (IOU) threshold for non-max suppression. Default is 0.45. max_det (int): Maximum number of detections per image. Default is 1000. device (str): CUDA device identifier (e.g., '0' or '0,1,2,3') or 'cpu'. Default is an empty string, which uses the best available device. view_img (bool): If True, display inference results using OpenCV. Default is False. save_txt (bool): If True, save results in a text file. Default is False. save_format (int): Whether to save boxes coordinates in YOLO format or Pascal-VOC format. Default is 0. save_csv (bool): If True, save results in a CSV file. Default is False. save_conf (bool): If True, include confidence scores in the saved results. Default is False. save_crop (bool): If True, save cropped prediction boxes. Default is False. nosave (bool): If True, do not save inference images or videos. Default is False. classes (list[int]): List of classes to filter detections by. Default is None. agnostic_nms (bool): If True, perform class-agnostic non-max suppression. Default is False. augment (bool): If True, use augmented inference. Default is False. visualize (bool): If True, visualize feature maps. Default is False. update (bool): If True, update all models' weights. Default is False. project (str | Path): Directory to save results. Default is 'runs/detect'. name (str): Name of the current experiment; used to create a subdirectory within 'project'. Default is 'exp'. exist_ok (bool): If True, existing directories with the same name are reused instead of being incremented. Default is False. line_thickness (int): Thickness of bounding box lines in pixels. Default is 3. hide_labels (bool): If True, do not display labels on bounding boxes. Default is False. hide_conf (bool): If True, do not display confidence scores on bounding boxes. Default is False. half (bool): If True, use FP16 half-precision inference. Default is False. dnn (bool): If True, use OpenCV DNN backend for ONNX inference. Default is False. vid_stride (int): Stride for processing video frames, to skip frames between processing. Default is 1. gt_dir (str): 新增:真实标签目录路径 eval_interval (int): 新增:每隔多少帧计算一次准确率 Returns: None """ source = str(source) save_img = not nosave and not source.endswith(".txt") # save inference images is_file = Path(source).suffix[1:] in (IMG_FORMATS + VID_FORMATS) is_url = source.lower().startswith(("rtsp://", "rtmp://", "https://", "https://")) webcam = source.isnumeric() or source.endswith(".streams") or (is_url and not is_file) screenshot = source.lower().startswith("screen") if is_url and is_file: source = check_file(source) # download # Directories save_dir = increment_path(Path(project) / name, exist_ok=exist_ok) # increment run (save_dir / "labels" if save_txt else save_dir).mkdir(parents=True, exist_ok=True) # make dir # Load model device = select_device(device) model = DetectMultiBackend(weights, device=device, dnn=dnn, data=data, fp16=half) stride, names, pt = model.stride, model.names, model.pt imgsz = check_img_size(imgsz, s=stride) # check image size # Dataloader bs = 1 # batch_size if webcam: view_img = check_imshow(warn=True) dataset = LoadStreams(source, img_size=imgsz, stride=stride, auto=pt, vid_stride=vid_stride) bs = len(dataset) elif screenshot: dataset = LoadScreenshots(source, img_size=imgsz, stride=stride, auto=pt) else: dataset = LoadImages(source, img_size=imgsz, stride=stride, auto=pt, vid_stride=vid_stride) vid_path, vid_writer = [None] * bs, [None] * bs # 新增:加载真实标签数据 gt_labels = {} if gt_dir: gt_dir = Path(gt_dir) for txt_file in gt_dir.glob("*.txt"): img_name = txt_file.stem gt_labels[img_name] = [] with open(txt_file, "r") as f: for line in f: parts = line.strip().split() if len(parts) >= 5: cls = int(parts[0]) # 将YOLO格式转换为xyxy格式 x, y, w, h = map(float, parts[1:5]) # 假设真实标签对应的图像尺寸与输入图像一致 x1 = (x - w/2) * imgsz[1] y1 = (y - h/2) * imgsz[0] x2 = (x + w/2) * imgsz[1] y2 = (y + h/2) * imgsz[0] gt_labels[img_name].append((cls, (x1, y1, x2, y2))) # 新增:收集预测结果 pred_detections = {} frame_count = 0 accuracy = 0.0 # 初始化准确率 # Run inference model.warmup(imgsz=(1 if pt or model.triton else bs, 3, *imgsz)) # warmup seen, windows, dt = 0, [], (Profile(device=device), Profile(device=device), Profile(device=device)) for path, im, im0s, vid_cap, s in dataset: with dt[0]: im = torch.from_numpy(im).to(model.device) im = im.half() if model.fp16 else im.float() # uint8 to fp16/32 im /= 255 # 0 - 255 to 0.0 - 1.0 if len(im.shape) == 3: im = im[None] # expand for batch dim if model.xml and im.shape[0] > 1: ims = torch.chunk(im, im.shape[0], 0) # Inference with dt[1]: visualize = increment_path(save_dir / Path(path).stem, mkdir=True) if visualize else False if model.xml and im.shape[0] > 1: pred = None for image in ims: if pred is None: pred = model(image, augment=augment, visualize=visualize).unsqueeze(0) else: pred = torch.cat((pred, model(image, augment=augment, visualize=visualize).unsqueeze(0)), dim=0) pred = [pred, None] else: pred = model(im, augment=augment, visualize=visualize) # NMS with dt[2]: pred = non_max_suppression(pred, conf_thres, iou_thres, classes, agnostic_nms, max_det=max_det) # Second-stage classifier (optional) # pred = utils.general.apply_classifier(pred, classifier_model, im, im0s) # Define the path for the CSV file csv_path = save_dir / "predictions.csv" # Create or append to the CSV file def write_to_csv(image_name, prediction, confidence): """Writes prediction data for an image to a CSV file, appending if the file exists.""" data = {"Image Name": image_name, "Prediction": prediction, "Confidence": confidence} file_exists = os.path.isfile(csv_path) with open(csv_path, mode="a", newline="") as f: writer = csv.DictWriter(f, fieldnames=data.keys()) if not file_exists: writer.writeheader() writer.writerow(data) # Process predictions for i, det in enumerate(pred): # per image seen += 1 if webcam: # batch_size >= 1 p, im0, frame = path[i], im0s[i].copy(), dataset.count s += f"{i}: " else: p, im0, frame = path, im0s.copy(), getattr(dataset, "frame", 0) p = Path(p) # to Path save_path = str(save_dir / p.name) # im.jpg txt_path = str(save_dir / "labels" / p.stem) + ("" if dataset.mode == "image" else f"_{frame}") # im.txt s += "{:g}x{:g} ".format(*im.shape[2:]) # print string gn = torch.tensor(im0.shape)[[1, 0, 1, 0]] # normalization gain whwh imc = im0.copy() if save_crop else im0 # for save_crop annotator = Annotator(im0, line_width=line_thickness, example=str(names)) if len(det): # Rescale boxes from img_size to im0 size det[:, :4] = scale_boxes(im.shape[2:], det[:, :4], im0.shape).round() # Print results for c in det[:, 5].unique(): n = (det[:, 5] == c).sum() # detections per class s += f"{n} {names[int(c)]}{'s' * (n > 1)}, " # add to string # Write results for *xyxy, conf, cls in reversed(det): c = int(cls) # integer class label = names[c] if hide_conf else f"{names[c]}" confidence = float(conf) confidence_str = f"{confidence:.2f}" if save_csv: write_to_csv(p.name, label, confidence_str) if save_txt: # Write to file if save_format == 0: coords = ( (xyxy2xywh(torch.tensor(xyxy).view(1, 4)) / gn).view(-1).tolist() ) # normalized xywh else: coords = (torch.tensor(xyxy).view(1, 4) / gn).view(-1).tolist() # xyxy line = (cls, *coords, conf) if save_conf else (cls, *coords) # label format with open(f"{txt_path}.txt", "a") as f: f.write(("%g " * len(line)).rstrip() % line + "\n") if save_img or save_crop or view_img: # Add bbox to image c = int(cls) # integer class label = None if hide_labels else (names[c] if hide_conf else f"{names[c]} {conf:.2f}") annotator.box_label(xyxy, label, color=colors(c, True)) if save_crop: save_one_box(xyxy, imc, file=save_dir / "crops" / names[c] / f"{p.stem}.jpg", BGR=True) # 新增:收集预测结果 img_name = p.stem pred_detections[img_name] = [] if len(det): for *xyxy, conf, cls in det: c = int(cls) x1, y1, x2, y2 = map(int, xyxy) pred_detections[img_name].append((c, (x1, y1, x2, y2), float(conf))) # 新增:定期计算准确率并显示 frame_count += 1 if gt_dir and frame_count % eval_interval == 0: accuracy = calculate_accuracy(gt_labels, pred_detections) if save_img or view_img: accuracy_text = f"Accuracy: {accuracy:.2f}" annotator.text((10, 30), accuracy_text, txt_color=(255, 255, 255)) im0 = annotator.result() # Stream results im0 = annotator.result() if view_img: if platform.system() == "Linux" and p not in windows: windows.append(p) cv2.namedWindow(str(p), cv2.WINDOW_NORMAL | cv2.WINDOW_KEEPRATIO) # allow window resize (Linux) cv2.resizeWindow(str(p), im0.shape[1], im0.shape[0]) cv2.imshow(str(p), im0) cv2.waitKey(1) # 1 millisecond # Save results (image with detections) if save_img: if dataset.mode == "image": cv2.imwrite(save_path, im0) else: # 'video' or 'stream' if vid_path[i] != save_path: # new video vid_path[i] = save_path if isinstance(vid_writer[i], cv2.VideoWriter): vid_writer[i].release() # release previous video writer if vid_cap: # video fps = vid_cap.get(cv2.CAP_PROP_FPS) w = int(vid_cap.get(cv2.CAP_PROP_FRAME_WIDTH)) h = int(vid_cap.get(cv2.CAP_PROP_FRAME_HEIGHT)) else: # stream fps, w, h = 30, im0.shape[1], im0.shape[0] save_path = str(Path(save_path).with_suffix(".mp4")) # force *.mp4 suffix on results videos vid_writer[i] = cv2.VideoWriter(save_path, cv2.VideoWriter_fourcc(*"mp4v"), fps, (w, h)) vid_writer[i].write(im0) # Print time (inference-only) LOGGER.info(f"{s}{'' if len(det) else '(no detections), '}{dt[1].dt * 1e3:.1f}ms") # 新增:在终端输出最终准确率 if gt_dir: accuracy = calculate_accuracy(gt_labels, pred_detections) LOGGER.info(f"Overall Accuracy: {accuracy:.4f}") # Print results t = tuple(x.t / seen * 1e3 for x in dt) # speeds per image LOGGER.info(f"Speed: %.1fms pre-process, %.1fms inference, %.1fms NMS per image at shape {(1, 3, *imgsz)}" % t) if save_txt or save_img: s = f"\n{len(list(save_dir.glob('labels/*.txt')))} labels saved to {save_dir / 'labels'}" if save_txt else "" LOGGER.info(f"Results saved to {colorstr('bold', save_dir)}{s}") if update: strip_optimizer(weights[0]) # update model (to fix SourceChangeWarning) def parse_opt(): """ Parse command-line arguments for YOLOv5 detection, allowing custom inference options and model configurations. Args: --weights (str | list[str], optional): Model path or triton URL. Defaults to ROOT / 'yolov5s.pt'. --source (str, optional): File/dir/URL/glob/screen/0(webcam). Defaults to ROOT / 'data/images'. --data (str, optional): Dataset YAML path. Provides dataset configuration information. --imgsz (list[int], optional): Inference size (height, width). Defaults to [640]. --conf-thres (float, optional): Confidence threshold. Defaults to 0.25. --iou-thres (float, optional): NMS IoU threshold. Defaults to 0.45. --max-det (int, optional): Maximum number of detections per image. Defaults to 1000. --device (str, optional): CUDA device, i.e. 0 or 0,1,2,3 or cpu. Defaults to "". --view-img (bool, optional): Flag to display results. Default is False. --save-txt (bool, optional): Flag to save results to *.txt files. Default is False. --save-format (int, optional): Whether to save boxes coordinates in YOLO format or Pascal-VOC format. Default is 0. --save-csv (bool, optional): Flag to save results in CSV format. Default is False. --save-conf (bool, optional): Flag to save confidences in labels saved via --save-txt. Default is False. --save-crop (bool, optional): Flag to save cropped prediction boxes. Default is False. --nosave (bool, optional): Flag to prevent saving images/videos. Default is False. --classes (list[int], optional): List of classes to filter results by. Default is None. --agnostic-nms (bool, optional): Flag for class-agnostic NMS. Default is False. --augment (bool, optional): Flag for augmented inference. Default is False. --visualize (bool, optional): Flag for visualizing features. Default is False. --update (bool, optional): Flag to update all models in the model directory. Default is False. --project (str, optional): Directory to save results. Default is ROOT / 'runs/detect'. --name (str, optional): Sub-directory name for saving results within --project. Default is 'exp'. --exist-ok (bool, optional): Flag to allow overwriting if the project/name already exists. Default is False. --line-thickness (int, optional): Thickness (in pixels) of bounding boxes. Default is 3. --hide-labels (bool, optional): Flag to hide labels in the output. Default is False. --hide-conf (bool, optional): Flag to hide confidences in the output. Default is False. --half (bool, optional): Flag to use FP16 half-precision inference. Default is False. --dnn (bool, optional): Flag to use OpenCV DNN for ONNX inference. Default is False. --vid-stride (int, optional): Video frame-rate stride. Default is 1. --gt-dir (str, optional): 新增:真实标签目录路径 --eval-interval (int, optional): 新增:每隔多少帧计算一次准确率 Returns: argparse.Namespace: Parsed command-line arguments as an argparse.Namespace object. """ parser = argparse.ArgumentParser() parser.add_argument("--weights", nargs="+", type=str, default=ROOT / "yolov5s.pt", help="model path or triton URL") parser.add_argument("--source", type=str, default=ROOT / "data/images", help="file/dir/URL/glob/screen/0(webcam)") parser.add_argument("--data", type=str, default=ROOT / "data/coco128.yaml", help="(optional) dataset.yaml path") parser.add_argument("--imgsz", "--img", "--img-size", nargs="+", type=int, default=[640], help="inference size h,w") parser.add_argument("--conf-thres", type=float, default=0.25, help="confidence threshold") parser.add_argument("--iou-thres", type=float, default=0.45, help="NMS IoU threshold") parser.add_argument("--max-det", type=int, default=1000, help="maximum detections per image") parser.add_argument("--device", default="", help="cuda device, i.e. 0 or 0,1,2,3 or cpu") parser.add_argument("--view-img", action="store_true", help="show results") parser.add_argument("--save-txt", action="store_true", help="save results to *.txt") parser.add_argument( "--save-format", type=int, default=0, help="whether to save boxes coordinates in YOLO format or Pascal-VOC format when save-txt is True, 0 for YOLO and 1 for Pascal-VOC", ) parser.add_argument("--save-csv", action="store_true", help="save results in CSV format") parser.add_argument("--save-conf", action="store_true", help="save confidences in --save-txt labels") parser.add_argument("--save-crop", action="store_true", help="save cropped prediction boxes") parser.add_argument("--nosave", action="store_true", help="do not save images/videos") parser.add_argument("--classes", nargs="+", type=int, help="filter by class: --classes 0, or --classes 0 2 3") parser.add_argument("--agnostic-nms", action="store_true", help="class-agnostic NMS") parser.add_argument("--augment", action="store_true", help="augmented inference") parser.add_argument("--visualize", action="store_true", help="visualize features") parser.add_argument("--update", action="store_true", help="update all models") parser.add_argument("--project", default=ROOT / "runs/detect", help="save results to project/name") parser.add_argument("--name", default="exp", help="save results to project/name") parser.add_argument("--exist-ok", action="store_true", help="existing project/name ok, do not increment") parser.add_argument("--line-thickness", default=3, type=int, help="bounding box thickness (pixels)") parser.add_argument("--hide-labels", default=False, action="store_true", help="hide labels") parser.add_argument("--hide-conf", default=False, action="store_true", help="hide confidences") parser.add_argument("--half", action="store_true", help="use FP16 half-precision inference") parser.add_argument("--dnn", action="store_true", help="use OpenCV DNN for ONNX inference") parser.add_argument("--vid-stride", type=int, default=1, help="video frame-rate stride") # 新增参数 parser.add_argument("--gt-dir", type=str, default="", help="ground truth labels directory") parser.add_argument("--eval-interval", type=int, default=10, help="evaluate accuracy every N frames") opt = parser.parse_args() opt.imgsz *= 2 if len(opt.imgsz) == 1 else 1 # expand print_args(vars(opt)) return opt def main(opt): """ Executes YOLOv5 model inference based on provided command-line arguments, validating dependencies before running. Args: opt (argparse.Namespace): Command-line arguments for YOLOv5 detection. Returns: None """ check_requirements(ROOT / "requirements.txt", exclude=("tensorboard", "thop")) run(**vars(opt)) if __name__ == "__main__": opt = parse_opt() main(opt)代码如上。yolov5在detect.py得到有类别和置信度标注的视频和图片,请问我如何操作,才能在有类别和置信度标注的视频和图片的基础上,在视频或图片中显示识别准确率Accuracy。请给出修改后的完整代码(尽量少修改,不要改变代码的其他地方),要求直接在vscode点击运行即可生成显示识别准确率Accuracy的视频或图片

Traceback (most recent call last): File "E:\yolo12\ultralytics-yolo11-20250706\ultralytics-yolo11-main\train.py", line 19, in <module> model = YOLO('ultralytics/cfg/models/llw/yolo11-HS-FPN.yaml') # YOLO11 ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\yolo12\ultralytics-yolo11-20250706\ultralytics-yolo11-main\ultralytics\models\yolo\model.py", line 23, in __init__ super().__init__(model=model, task=task, verbose=verbose) File "E:\yolo12\ultralytics-yolo11-20250706\ultralytics-yolo11-main\ultralytics\engine\model.py", line 143, in __init__ self._new(model, task=task, verbose=verbose) File "E:\yolo12\ultralytics-yolo11-20250706\ultralytics-yolo11-main\ultralytics\engine\model.py", line 251, in _new self.model = (model or self._smart_load("model"))(cfg_dict, verbose=verbose and RANK == -1) # build model ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\yolo12\ultralytics-yolo11-20250706\ultralytics-yolo11-main\ultralytics\nn\tasks.py", line 446, in __init__ m.stride = torch.tensor([s / x.shape[-2] for x in _forward(torch.zeros(2, ch, s, s))]) # forward ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\yolo12\ultralytics-yolo11-20250706\ultralytics-yolo11-main\ultralytics\nn\tasks.py", line 443, in _forward return self.forward(x)[0] if isinstance(m, SEGMENT_CLASS + POSE_CLASS + OBB_CLASS) else self.forward(x) ^^^^^^^^^^^^^^^ File "E:\yolo12\ultralytics-yolo11-20250706\ultralytics-yolo11-main\ultralytics\nn\tasks.py", line 166, in forward return self.predict(x, *args, **kwargs) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\yolo12\ultralytics-yolo11-20250706\ultralytics-yolo11-main\ultralytics\nn\tasks.py", line 184, in predict return self._predict_once(x, profile, visualize, embed) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\yolo12\ultralytics-yolo11-20250706\ultralytics-yolo11-main\ultralytics\nn\tasks.py", line 217, in _predict_once x = m(x) # run ^^^^ File "E:\Anaconda\envs\yolo\Lib\site-packages\torch\nn\modules\module.py", line 1736, in _wrapped_call_impl return self._call_impl(*args, **kwargs) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\Anaconda\envs\yolo\Lib\site-packages\torch\nn\modules\module.py", line 1747, in _call_impl return forward_call(*args, **kwargs) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\yolo12\ultralytics-yolo11-20250706\ultralytics-yolo11-main\ultralytics\nn\extra_modules\HSFPN.py", line 133, in forward spatial = self.spatial(x) # output of spatial path ^^^^^^^^^^^^^^^ File "E:\Anaconda\envs\yolo\Lib\site-packages\torch\nn\modules\module.py", line 1736, in _wrapped_call_impl return self._call_impl(*args, **kwargs) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\Anaconda\envs\yolo\Lib\site-packages\torch\nn\modules\module.py", line 1747, in _call_impl return forward_call(*args, **kwargs) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\yolo12\ultralytics-yolo11-20250706\ultralytics-yolo11-main\ultralytics\nn\extra_modules\HSFPN.py", line 45, in forward idct = DCT.dct_2d(x, norm='ortho') ^^^ NameError: name 'DCT' is not defined. Did you mean: 'dct'?

"E:\Program Files\anaconda3\envs\v8\python.exe" E:\Python_PyCharm\【大作业-09】YOLOv5实现手势识别\yolov5-hand-42\train.py wandb: Using wandb-core as the SDK backend. Please refer to https://wandb.me/wandb-core for more information. wandb: Currently logged in as: 2358781902 (2358781902-) to https://api.wandb.ai. Use wandb login --relogin to force relogin train: weights=pretrained\yolov5s.pt, cfg=models\yolov5s.yaml, data=data\data.yaml, hyp=data\hyps\hyp.scratch.yaml, epochs=300, batch_size=4, imgsz=640, rect=False, resume=False, nosave=False, noval=False, noautoanchor=False, evolve=None, bucket=, cache=None, image_weights=False, device=, multi_scale=True, single_cls=False, adam=False, sync_bn=False, workers=0, project=runs\train, name=exp, exist_ok=False, quad=False, linear_lr=False, label_smoothing=0.0, patience=100, freeze=0, save_period=-1, local_rank=-1, entity=None, upload_dataset=False, bbox_interval=-1, artifact_alias=latest github: skipping check (offline), for updates see https://github.com/ultralytics/yolov5 requirements: Pillow==8.4.0 not found and is required by YOLOv5, attempting auto-update... requirements: 'pip install Pillow==8.4.0' skipped (offline) YOLOv5 7e8b886 torch 2.4.1+cu124 CUDA:0 (NVIDIA GeForce RTX 3050 Laptop GPU, 4096MiB) hyperparameters: lr0=0.01, lrf=0.1, momentum=0.937, weight_decay=0.0005, warmup_epochs=3.0, warmup_momentum=0.8, warmup_bias_lr=0.1, box=0.05, cls=0.5, cls_pw=1.0, obj=1.0, obj_pw=1.0, iou_t=0.2, anchor_t=4.0, fl_gamma=0.0, hsv_h=0.015, hsv_s=0.7, hsv_v=0.4, degrees=0.0, translate=0.1, scale=0.5, shear=0.0, perspective=0.0, flipud=0.0, fliplr=0.5, mosaic=1.0, mixup=0.0, copy_paste=0.0 TensorBoard: Start with 'tensorboard --logdir runs\train', view at http://localhost:6006/ wandb: Tracking run with wandb version 0.19.8 wandb: Run data is saved locally in E:\Python_PyCharm\【大作业-09】YOLOv5实现手势识别\yolov5-hand-42\wandb\run-20250321_084633-k4djllk2 wandb: Run wandb offline to turn off syncing. wandb: Syncing run toasty-violet-1 wa

最新推荐

recommend-type

双向CLLLC谐振闭环仿真设计与软开关技术实现:高压侧与低压侧波形优化及软开关性能研究 · 谐振波形优化

内容概要:本文介绍了双向CLLLC谐振技术及其在电力电子领域的应用,重点讨论了软开关和谐振波形的优化设计。文中首先简述了CLLLC谐振技术的基本原理,然后详细描述了在一个仿真环境下构建的双向CLLLC谐振系统,该系统能够在广泛的电压范围内(高压侧380-430V,低压侧40-54V)实现过谐振、欠谐振及满载轻载情况下的软开关。此外,文章展示了理想的谐振波形,并强调了软开关对减少开关损耗和电磁干扰的重要性。最后,文章提到可以通过参考相关文献深入了解系统的电路设计、控制策略和参数优化。 适合人群:从事电力电子设计的研究人员和技术工程师。 使用场景及目标:适用于需要理解和掌握双向CLLLC谐振技术及其仿真设计的专业人士,旨在帮助他们提升电源转换和能量回收系统的性能。 其他说明:文中提供的代码片段和图示均为假设的仿真环境,实际应用时需根据具体情况调整。建议参考相关文献获取更详尽的设计细节。
recommend-type

操作系统原理-PPT(1).ppt

操作系统原理-PPT(1).ppt
recommend-type

计算机网络期末考试试卷B-及答案试卷教案(1).doc

计算机网络期末考试试卷B-及答案试卷教案(1).doc
recommend-type

基于STM32的USB简易鼠标[最终版](1).pdf

基于STM32的USB简易鼠标[最终版](1).pdf
recommend-type

软件开发项目的风险管理(1).doc

软件开发项目的风险管理(1).doc
recommend-type

精选Java案例开发技巧集锦

从提供的文件信息中,我们可以看出,这是一份关于Java案例开发的集合。虽然没有具体的文件名称列表内容,但根据标题和描述,我们可以推断出这是一份包含了多个Java编程案例的开发集锦。下面我将详细说明与Java案例开发相关的一些知识点。 首先,Java案例开发涉及的知识点相当广泛,它不仅包括了Java语言的基础知识,还包括了面向对象编程思想、数据结构、算法、软件工程原理、设计模式以及特定的开发工具和环境等。 ### Java基础知识 - **Java语言特性**:Java是一种面向对象、解释执行、健壮性、安全性、平台无关性的高级编程语言。 - **数据类型**:Java中的数据类型包括基本数据类型(int、short、long、byte、float、double、boolean、char)和引用数据类型(类、接口、数组)。 - **控制结构**:包括if、else、switch、for、while、do-while等条件和循环控制结构。 - **数组和字符串**:Java数组的定义、初始化和多维数组的使用;字符串的创建、处理和String类的常用方法。 - **异常处理**:try、catch、finally以及throw和throws的使用,用以处理程序中的异常情况。 - **类和对象**:类的定义、对象的创建和使用,以及对象之间的交互。 - **继承和多态**:通过extends关键字实现类的继承,以及通过抽象类和接口实现多态。 ### 面向对象编程 - **封装、继承、多态**:是面向对象编程(OOP)的三大特征,也是Java编程中实现代码复用和模块化的主要手段。 - **抽象类和接口**:抽象类和接口的定义和使用,以及它们在实现多态中的不同应用场景。 ### Java高级特性 - **集合框架**:List、Set、Map等集合类的使用,以及迭代器和比较器的使用。 - **泛型编程**:泛型类、接口和方法的定义和使用,以及类型擦除和通配符的应用。 - **多线程和并发**:创建和管理线程的方法,synchronized和volatile关键字的使用,以及并发包中的类如Executor和ConcurrentMap的应用。 - **I/O流**:文件I/O、字节流、字符流、缓冲流、对象序列化的使用和原理。 - **网络编程**:基于Socket编程,使用java.net包下的类进行网络通信。 - **Java内存模型**:理解堆、栈、方法区等内存区域的作用以及垃圾回收机制。 ### Java开发工具和环境 - **集成开发环境(IDE)**:如Eclipse、IntelliJ IDEA等,它们提供了代码编辑、编译、调试等功能。 - **构建工具**:如Maven和Gradle,它们用于项目构建、依赖管理以及自动化构建过程。 - **版本控制工具**:如Git和SVN,用于代码的版本控制和团队协作。 ### 设计模式和软件工程原理 - **设计模式**:如单例、工厂、策略、观察者、装饰者等设计模式,在Java开发中如何应用这些模式来提高代码的可维护性和可扩展性。 - **软件工程原理**:包括软件开发流程、项目管理、代码审查、单元测试等。 ### 实际案例开发 - **项目结构和构建**:了解如何组织Java项目文件,合理使用包和模块化结构。 - **需求分析和设计**:明确项目需求,进行系统设计,如数据库设计、系统架构设计等。 - **代码编写和实现**:根据设计编写符合要求的代码,实现系统的各个模块功能。 - **测试和维护**:进行单元测试、集成测试,确保代码质量,对项目进行维护和升级。 ### 其他相关知识点 - **Java虚拟机(JVM)**:了解JVM的基本工作原理,包括类加载机制、内存管理、垃圾回收算法等。 - **常用Java框架**:比如Spring、Hibernate、MyBatis等,在实际开发中常常与Java基础结合使用,提高开发效率。 以上知识点可以作为学习Java案例开发的基础框架。在实际的开发实践中,开发者需要结合具体的项目需求,对这些知识点进行灵活运用。通过反复的案例实践,可以加深对Java编程的理解,并逐步提升开发技能。这份集锦可能包含的案例可能涉及上述知识点的具体应用,能够帮助学习者更好地理解理论与实践的结合,从而快速提升个人的Java开发能力。
recommend-type

【VASP报错深度解析】:5大技巧识别并永久解决离子距离太近警告

# 1. VASP软件简介及离子距离太近问题概述 ## 1.1 VASP软件简介 **VASP(Vienna Ab initio Simulation Package)** 是一款广泛应用于计算材料科学的软件,它基于密度泛函理论(DFT)计算固体、表面和分子的电子结构和性质。
recommend-type

npm error A complete log of this run can be found in: D:\Program Files\nodejs\node_cache\_logs\2025-04-20T15_11_51_454Z-debug-0.log

<think>好的,我需要帮助用户找到npm的错误调试日志位置,并解决他们遇到的npm错误。首先,用户已经提供了一个具体的日志路径:'D:\Program Files\nodejs\node_cache\_logs\2025-04-20T15_11_51_454Z-debug-0.log',但看起来这个路径可能有问题,因为日期是2025年,这可能是一个示例或输入错误。我需要确认正确的日志路径生成方式。 根据npm的默认配置,日志文件通常位于npm的缓存目录下的_logs文件夹中。默认情况下,Windows系统中npm的缓存路径是%AppData%\npm-cache,而日志文件会以当前日期和
recommend-type

深入理解内存技术文档详解

由于文件内容无法查看,仅能根据文件的标题、描述、标签以及文件名称列表来构建相关知识点。以下是对“内存详解”这一主题的详细知识点梳理。 内存,作为计算机硬件的重要组成部分,负责临时存放CPU处理的数据和指令。理解内存的工作原理、类型、性能参数等对优化计算机系统性能至关重要。本知识点将从以下几个方面来详细介绍内存: 1. 内存基础概念 内存(Random Access Memory,RAM)是易失性存储器,这意味着一旦断电,存储在其中的数据将会丢失。内存允许计算机临时存储正在执行的程序和数据,以便CPU可以快速访问这些信息。 2. 内存类型 - 动态随机存取存储器(DRAM):目前最常见的RAM类型,用于大多数个人电脑和服务器。 - 静态随机存取存储器(SRAM):速度较快,通常用作CPU缓存。 - 同步动态随机存取存储器(SDRAM):在时钟信号的同步下工作的DRAM。 - 双倍数据速率同步动态随机存取存储器(DDR SDRAM):在时钟周期的上升沿和下降沿传输数据,大幅提升了内存的传输速率。 3. 内存组成结构 - 存储单元:由存储位构成的最小数据存储单位。 - 地址总线:用于选择内存中的存储单元。 - 数据总线:用于传输数据。 - 控制总线:用于传输控制信号。 4. 内存性能参数 - 存储容量:通常用MB(兆字节)或GB(吉字节)表示,指的是内存能够存储多少数据。 - 内存时序:指的是内存从接受到请求到开始读取数据之间的时间间隔。 - 内存频率:通常以MHz或GHz为单位,是内存传输数据的速度。 - 内存带宽:数据传输速率,通常以字节/秒为单位,直接关联到内存频率和数据位宽。 5. 内存工作原理 内存基于电容器和晶体管的工作原理,电容器存储电荷来表示1或0的状态,晶体管则用于读取或写入数据。为了保持数据不丢失,动态内存需要定期刷新。 6. 内存插槽与安装 - 计算机主板上有专用的内存插槽,常见的有DDR2、DDR3、DDR4和DDR5等不同类型。 - 安装内存时需确保兼容性,并按照正确的方向插入内存条,避免物理损坏。 7. 内存测试与优化 - 测试:可以使用如MemTest86等工具测试内存的稳定性和故障。 - 优化:通过超频来提高内存频率,但必须确保稳定性,否则会导致数据损坏或系统崩溃。 8. 内存兼容性问题 不同内存条可能由于制造商、工作频率、时序、电压等参数的不匹配而产生兼容性问题。在升级或更换内存时,必须检查其与主板和现有系统的兼容性。 9. 内存条的常见品牌与型号 诸如金士顿(Kingston)、海盗船(Corsair)、三星(Samsung)和芝奇(G.Skill)等知名品牌提供多种型号的内存条,针对不同需求的用户。 由于“内存详解.doc”是文件标题指定的文件内容,我们可以预期在该文档中将详细涵盖以上知识点,并有可能包含更多的实践案例、故障排查方法以及内存技术的最新发展等高级内容。在实际工作中,理解并应用这些内存相关的知识点对于提高计算机性能、解决计算机故障有着不可估量的价值。
recommend-type

【机械特性分析进阶秘籍】:频域与时域对比的全面研究

# 1. 机械特性分析的频域与时域概述 ## 1.1 频域与时域分析的基本概念 机械特性分析是通