刚入门机器学习,想从事CV方面,应该如何学习, 学习路线是什么? - 知乎 - 开源项目介绍

知乎上有很多关于计算机视觉该如何入门的问题,大部分答主都在强调项目实战与理论学习同样重要,因为如果过分注重理论而忽略实践,会很容易走上“从入门到放弃”的道路。

尽管大家都有这样一种共识,但知乎上关于CV初学者究竟该用哪些项目开始学习却并没有一个系统性的总结,所以这篇文章会将计算机视觉领域的一些适合新手的项目进行整理,按照计算机视觉的五大任务分为目标检测、目标跟踪、图像分割、图像分类以及图像生成,同时这些项目的简介和链接都会汇总在文章中,欢迎大家点赞关注,也希望这篇文章可以真正地为广大计算机视觉领域的初学者们提供帮助!

目标检测

1.使用YOLOv4,OpenCV, Tesseract OCR实现车牌识别

演示地址:使用YOLOv4,OpenCV, Tesseract OCR实现车牌识别

项目地址:https://github.com/theAIGuysCode/yolov4-custom-functions

2.Yolo V5 Object Detection using Pytorch

YOLOv5 是一个在COCO数据集上预训练的物体检测架构和模型系列,它代表了Ultralytics对未来视觉AI方法的公开研究,其中包含了在数千小时的研究和开发中所获得的经验和最佳实践。

演示地址:https://www.youtube.com/watch?v=w1mY0XM_DUo

项目地址:https://github.com/ultralytics/yolov5

colab地址:https://colab.research.google.com/drive/1-h9snr0Tu5BJj2lNpbbRRl7HHpxrcf1z?usp=sharing

3.Face Mask Detection using Python, Keras, OpenCV and MobileNet | Detect masks real-time video streams(使用Python、Keras、OpenCV和MobileNet的人脸口罩检测|检测口罩实时视频流

演示地址:https://www.youtube.com/watch?v=Ax6P93r32KU

项目地址:https://github.com/balajisrinivas/Face-Mask-Detection

4.YOLOR Card Object Detection DEMO

演示地址:https://www.youtube.com/watch?v=vttJxYF-2gw

项目地址:https://github.com/WongKinYiu/yolor

5.Fire detection / Disaster prevention / Real time / pythorch, python tutorial, opencv, yolov5火灾探测/灾难预防/实时python教程、opencv、yolov5

演示地址:当YOLOv5遇见火焰检测!

项目地址:https://github.com/ai-coordinator/xml_to_textYolo

6.YOLOv7: Trainable bag-of-freebies sets new state-of-the-art for real-time object detectors(YOLOv7:可训练的免费包为实时物体探测器树立了新的艺术境界)

演示地址:YOLOv7-目标检测算法

项目地址:https://github.com/WongKinYiu/yolov7

7.溺水检测

演示地址:计算机视觉应用 | 溺水识别

项目地址:https://github.com/Nico31415/Drowning-Detector/

目标跟踪

1.YOLOv5实现多目标跟踪

演示地址:YOLOv5实现多目标跟踪!DeepSort来助力!

项目地址:https://github.com/anil2k/YOLOv5-DeepSort-Object-Tracking-PyTorch

2.使用dlib+opencv-python实现目标跟踪demo

演示地址:使用dlib+opencv-python实现目标跟踪demo(附项目链接)

项目地址:https://github.com/bikz05/object-tracker

3.一个具有判别力的单阶段分割跟踪器

演示地址:https://www.youtube.com/watch?v=E3mN_hCRHu0

项目地址:https://github.com/alanlukezic/d3s

4.三维目标跟踪Monocular Quasi Dense 3D Object Tracking

演示地址:https://www.youtube.com/watch?v=VnbeIwJCHlk

项目地址:https://github.com/SysCV/qd-3dt

5.TraDes:跟踪目标检测和分割:在线多对象跟踪器

演示地址:https://www.youtube.com/watch?v=oGNtSFHRZJA

项目地址:https://github.com/JialianW/TraDeS

6.全局实例跟踪 (GIT) 任务

演示地址:A general benchmark for visual tracking intelligence evaluation

项目地址:https://github.com/huuuuusy/videocube-toolkit

7.YOLO v7 + SORT 实现目标检测跟踪

演示地址:源码!YOLO v7 + SORT 实现目标检测跟踪(Windows & Linux)

项目地址:https://www.patreon.com/TheCodingBug

图像分割

1.图像弱监督语义分割(WSSS)新框架:显式伪像素监督 (EPS)

演示地址:图像弱监督语义分割(WSSS)新框架:显式伪像素监督 (EPS) | CVPR2021

项目地址:https://github.com/halbielee/EPS

2.基于自监督深度估计提升语义分割性能

演示地址:基于自监督深度估计提升语义分割性能 | CVPR2021

项目地址:https://github.com/lhoyer/improving_segmentation_with_selfsupervised_depth

3.无监督学习视频分割方法,有效学习时空对应关系

演示地址:无监督学习视频分割方法!有效学习时空对应关系 | NeurIPS 2021

项目地址:GitHub - visinf/dense-ulearn-vos: Dense Unsupervised Learning for Video Segmentation (NeurIPS*2021)

4.多模态Transformer用于视频分割

演示地址:CVPR2022 | 多模态Transformer用于视频分割效果惊艳

项目地址:https://github.com/mttr2021/MTTR

5.基于Query的实例分割

演示地址:华科&腾讯提出:基于Query的实例分割!代码已开源 | ICCV2021

项目地址:https://github.com/hustvl/QueryInst

6.Unet做医学图像分割

演示地址:手把手教你用UNet做医学图像分割系统

项目地址:肆十二/unet_42

图像分类

1.使用Keras、Tensorflow进行图像分类|猫与狗预测|卷积神经网络

演示地址:https://www.youtube.com/watch?v=FLf5qmSOkwU

项目地址:https://github.com/balajisrinivas/Cats-Vs-Dogs-Prediction

2.Image classification using CNN (CIFAR10 dataset) | Deep Learning Tutorial (Tensorflow & Python) 使用cifar10数据集进行CNN图像分类

演示地址:https://www.youtube.com/watch?v=7HPwo4wnJeA

项目地址:https://github.com/codebasics/deep-learning-keras-tf-tutorial/blob/master/16_cnn_cifar10_small_image_classification/cnn_cifar10_dataset.ipynb

3.Image Classification With Deep Learning And Tensorflow: Intro Project基于深度学习和张量流的图像分类:介绍项目

在这个项目中,将使用 Tensorflow 和 Keras 完成一个端到端的深度学习项目。

我们将读取狗图像的数据集,然后训练卷积神经网络按品种对它们进行分类,最后,你将知道如何使用 keras 来训练和优化神经网络, 你还将了解如何使用 Python 处理图像。

演示地址:https://www.youtube.com/watch?v=9xcky8jXQAM

项目地址:https://github.com/dataquestio/project-walkthroughs/tree/master/dog_classification

4.真实的Python神经网络教程(图像分类w/ CNN) | Tensorflow & Keras

演示地址:https://www.youtube.com/watch?v=44U8jJxaNp8

项目地址:https://github.com/KeithGalli/neural-nets

colab地址:https://colab.research.google.com/drive/1MiRP2fwgGg6zfEnLuOZ_6X7lmeePTFaR?usp=sharing

5.MNIST手写数字识别

演示地址:纯Python实现CNN识别手写体数字+GUI展示 MNIST数据集【附源码】

项目地址:https://github.com/hamlinzheng/mnist

图像生成

1.Show Me What and Tell Me How: Video Synthesis via Multimodal Conditioning演示什么和讲述如何:通过多模态调节进行视频合成

演示地址:https://snap-research.github.io/MMVID/

项目地址:https://github.com/snap-research/MMVID

2.Barbershop: GAN-based Image Compositing using Segmentation Masks(Barbershop:使用分割mask的GAN图像合

演示地址:Barbershop:使用分割mask的GAN图像合成 | SIGGRAPH Asia 2021

项目地址:https://github.com/ZPdesu/Barbershop

3.姿态可控人脸生成

演示地址:https://www.youtube.com/watch?v=lNQQHIggnUg

项目地址:https://github.com/Hangz-nju-cuhk/Talking-Face_PC-AVS

4.PIRenderer:通过语义神经渲染的可控肖像图像生成

演示地址:PIRenderer:通过语义神经渲染的可控肖像图像生成 | ICCV2021

项目地址:https://github.com/RenYurui/PIRender

5.可控人物图像合成的神经纹理提取和分布

演示地址:CVPR2022 | 可控人物图像合成的神经纹理提取和分布!开源

项目地址:https://github.com/RenYurui/Neural-Texture-Extraction-Distribution


原网址: 访问
创建于: 2024-04-11 10:19:13
目录: default
标签: 无

请先后发表评论
  • 最新评论
  • 总共0条评论