醋醋百科网

Good Luck To You!

C#+OpenCv深度学习开发(常用模型汇总)

在使用 OpenCvSharp 结合深度学习进行机器视觉开发时,有许多现成的模型可以使用。以下是一些常用的深度学习模型,适用于不同的机器视觉任务,包括物体检测、图像分类和分割等。

在 OpenCvSharp 中加载和使用这些模型的基本示例:
using OpenCvSharp;
using OpenCvSharp.Dnn;

// 加载模型
var net = CvDnn.ReadNetFromDarknet("yolov4.cfg", "yolov4.weights");

// 读取图像
var image = Cv2.ImRead("image.jpg");

// 预处理图像
var blob = CvDnn.BlobFromImage(image, 1 / 255.0, new Size(416, 416), new Scalar(0, 0, 0), true, false);
net.SetInput(blob);

// 进行推理
var output = net.Forward();

模型功能说明

1. HED (Holistically-Nested Edge Detection)

  • 功能边缘检测
  • 模型文件: deploy.prototxt:模型结构文件 hed_pretrained_bsds.caffemodel:预训练权重文件

2. MobileNet SSD

  • 功能物体检测
  • 模型文件: MobileNetSSD_deploy.prototxt:模型结构文件 MobileNetSSD_deploy.caffemodel:预训练权重文件

3. Faster R-CNN

  • 功能物体检测
  • 模型文件: faster_rcnn_test.prototxt:模型结构文件 faster_rcnn_final.caffemodel:预训练权重文件

4. U-Net

  • 功能图像分割
  • 模型文件: unet.prototxt:模型结构文件(需要自己定义) unet.caffemodel:预训练权重文件(需要自己训练或找到预训练模型)

5. OpenPose

  • 功能姿态估计
  • 模型文件: pose_deploy.prototxt:模型结构文件 pose_iter_440000.caffemodel:预训练权重文件

6. DNN Module in OpenCV (Pre-trained Models)

  • 功能多种任务(如物体检测、图像分类等)
  • 模型文件: OpenCV DNN 模块支持多种预训练模型,如 MobileNet、ResNet、SqueezeNet 等。

7. SegNet

  • 功能图像分割
  • 模型文件: deploy.prototxt:模型结构文件 segnet_weights.caffemodel:预训练权重文件

8. DeepLabV3

  • 功能图像分割
  • 模型文件: deploy.prototxt:模型结构文件 deeplabv3.caffemodel:预训练权重文件

9. SqueezeNet

  • 功能图像分类
  • 模型文件: deploy.prototxt:模型结构文件 squeezenet_v1.1.caffemodel:预训练权重文件

10. Inception v3

  • 功能图像分类
  • 模型文件: deploy.prototxt:模型结构文件 inception_v3.caffemodel:预训练权重文件

11. ResNet50

  • 功能图像分类
  • 模型文件: ResNet-50-deploy.prototxt:模型结构文件 ResNet-50.caffemodel:预训练权重文件

12. OpenVINO Models

  • 功能多种任务(如物体检测、图像分类等)
  • 模型文件: OpenVINO 提供了多种预训练模型,支持多种任务。

13. Face Detection (Caffe)

  • 功能人脸检测
  • 模型文件: deploy.prototxt:模型结构文件 res10_300x300_ssd_iter_140000.caffemodel:预训练权重文件

14. OpenCV DNN Pre-trained Models

  • 功能多种任务(如物体检测、图像分类等)
  • 模型文件: OpenCV DNN 模块支持多种预训练模型,如 YOLO、MobileNet、ResNet 等。

15. DenseNet

  • 功能图像分类
  • 模型文件: densenet.prototxt:模型结构文件 densenet.caffemodel:预训练权重文件

16. FCN (Fully Convolutional Networks)

  • 功能图像分割
  • 模型文件: fcn8s-deploy.prototxt:模型结构文件 fcn8s-heavy-pascal.caffemodel:预训练权重文件

17. Mask R-CNN

  • 功能实例分割
  • 模型文件: mask_rcnn_inception_v2_coco_2017_11_08.pbtxt:模型结构文件 frozen_inference_graph.pb:预训练权重文件

18. RetinaNet

  • 功能物体检测
  • 模型文件: retinanet50_coco.h5:预训练权重文件(Keras 格式)

19. EfficientNet

  • 功能图像分类
  • 模型文件: efficientnet-b0.pb:预训练权重文件

20. OpenVINO Face Detection

  • 功能人脸检测
  • 模型文件: face-detection-adas-0001.xml:模型结构文件 face-detection-adas-0001.bin:预训练权重文件

21. YOLOv4-tiny

  • 功能物体检测
  • 模型文件: yolov4-tiny.cfg:模型结构文件 yolov4-tiny.weights:预训练权重文件

22. OpenPose Hand Model

  • 功能手部姿态估计
  • 模型文件: hand/pose_deploy.prototxt:模型结构文件 hand/pose_iter_102000.caffemodel:预训练权重文件

23. DPT (Dense Prediction Transformer)

  • 功能深度估计
  • 模型文件: dpt_hybrid-midas-501f0c75.pt:预训练权重文件

24. OpenVINO Object Detection

  • 功能物体检测
  • 模型文件: object-detection-ssd.xml:模型结构文件 object-detection-ssd.bin:预训练权重文件

25. Style Transfer Models

  • 功能风格迁移
  • 模型文件: style_transfer.prototxt:模型结构文件 style_transfer.caffemodel:预训练权重文件

26. PeleeNet

  • 功能图像分类
  • 模型文件: pelee.prototxt:模型结构文件 pelee.caffemodel:预训练权重文件

27. DenseNet121

  • 功能图像分类
  • 模型文件: densenet121.prototxt:模型结构文件 densenet121.caffemodel:预训练权重文件

28. OpenVINO Person Detection

  • 功能人检测
  • 模型文件: person-detection-retail-0013.xml:模型结构文件 person-detection-retail-0013.bin:预训练权重文件

29. OpenVINO Vehicle Detection

  • 功能车辆检测
  • 模型文件: vehicle-detection-adas-0002.xml:模型结构文件 vehicle-detection-adas-0002.bin:预训练权重文件

30. OpenVINO Action Recognition

  • 功能动作识别
  • 模型文件: action-recognition-0001.xml:模型结构文件 action-recognition-0001.bin:预训练权重文件

31. OpenVINO Text Detection

  • 功能文本检测
  • 模型文件: text-detection-0001.xml:模型结构文件 text-detection-0001.bin:预训练权重文件

32. OpenVINO Semantic Segmentation

  • 功能语义分割
  • 模型文件: semantic-segmentation-adas-0001.xml:模型结构文件 semantic-segmentation-adas-0001.bin:预训练权重文件

33. OpenVINO Image Classification

  • 功能图像分类
  • 模型文件: image-classification-resnet-50.xml:模型结构文件 image-classification-resnet-50.bin:预训练权重文件

34. OpenVINO Hand Detection

  • 功能手部检测
  • 模型文件: hand-detection-adas-0001.xml:模型结构文件 hand-detection-adas-0001.bin:预训练权重文件

35. OpenVINO Age Gender Recognition

  • 功能年龄和性别识别
  • 模型文件: age-gender-recognition-retail-0013.xml:模型结构文件 age-gender-recognition-retail-0013.bin:预训练权重文件

36. OpenVINO Emotion Recognition

  • 功能情感识别
  • 模型文件: emotion-recognition-retail-0003.xml:模型结构文件 emotion-recognition-retail-0003.bin:预训练权重文件

37. OpenVINO Speech Recognition

  • 功能语音识别
  • 模型文件: speech-recognition-0001.xml:模型结构文件 speech-recognition-0001.bin:预训练权重文件

38. OpenVINO Text Recognition

  • 功能文本识别
  • 模型文件: text-recognition-0001.xml:模型结构文件 text-recognition-0001.bin:预训练权重文件

39. OpenVINO Object Tracking

  • 功能物体跟踪
  • 模型文件: object-tracking-0001.xml:模型结构文件 object-tracking-0001.bin:预训练权重文件

40. OpenVINO Gesture Recognition

  • 功能手势识别
  • 模型文件: gesture-recognition-0001.xml:模型结构文件 gesture-recognition-0001.bin:预训练权重文件

41. OpenVINO Face Recognition

  • 功能人脸识别
  • 模型文件: face-recognition-retail-0005.xml:模型结构文件 face-recognition-retail-0005.bin:预训练权重文件

43. OpenVINO Super Resolution

  • 功能图像超分辨率
  • 模型文件: super-resolution-0001.xml:模型结构文件 super-resolution-0001.bin:预训练权重文件

44. OpenVINO Image Segmentation

  • 功能图像分割
  • 模型文件: image-segmentation-adas-0001.xml:模型结构文件 image-segmentation-adas-0001.bin:预训练权重文件

45. OpenVINO Semantic Segmentation with DeepLab

  • 功能语义分割
  • 模型文件: deeplabv3.xml:模型结构文件 deeplabv3.bin:预训练权重文件

46. OpenVINO Pose Estimation

  • 功能姿态估计
  • 模型文件: pose-estimation-0001.xml:模型结构文件 pose-estimation-0001.bin:预训练权重文件

47. OpenVINO Hand Gesture Recognition

  • 功能手势识别
  • 模型文件: hand-gesture-recognition-0001.xml:模型结构文件 hand-gesture-recognition-0001.bin:预训练权重文件

48. OpenVINO Speech Emotion Recognition

  • 功能语音情感识别
  • 模型文件: speech-emotion-recognition-0001.xml:模型结构文件 speech-emotion-recognition-0001.bin:预训练权重文件

49. OpenVINO Image Captioning

  • 功能图像描述生成
  • 模型文件: image-captioning-0001.xml:模型结构文件 image-captioning-0001.bin:预训练权重文件

50. OpenVINO Video Action Recognition

  • 功能视频动作识别
  • 模型文件: video-action-recognition-0001.xml:模型结构文件 video-action-recognition-0001.bin:预训练权重文件

总结

以上是一些适合机器视觉任务的现成深度学习模型。根据你的具体需求(如物体检测、图像分类或分割),可以选择合适的模型进行开发。

控制面板
您好,欢迎到访网站!
  查看权限
网站分类
最新留言