github资源收藏地

不定期更新,收集整理的github资源,有关CV各个方向(异常检测、语义分割、医学图像、Transformer、attention、yolo系列、论文视频解读)、算法、就业、论文、cv资源、摄影。以后也会不定期整理、增加相关内容。若有不足处,或是有好资源,也望不吝赐教。

算法:

103个python小项目

GitHub - Python-World/python-mini-projects: A collection of simple python mini projects to enhance your python skills

WeGongYi 公益培训报名小程序

GitHub - tanshuimaohenquejiao/WeGongYi: 公益培训报名小程序,提供给文化馆,图书馆,文体中心,青少年活动中心,少年宫等社会公益机构进行公益培训活动报名登记的小工具,前后端代码完整,主要功能包括公告通知,课堂风采,报名列表,报名登记,采用腾讯提供的小程序云开发解决方案,无须服务器和域名。

python常见小算法 

GitHub - peterlamar/python-cp-cheatsheet: Python3 interview prep cheatsheet and examples

《剑指 Offer》 解题代码,LeetBook《图解算法数据结构》配套代码 

GitHub - krahets/LeetCode-Book: 《剑指 Offer》 Python, Java, C++ 解题代码,LeetBook《图解算法数据结构》配套代码仓。

python

神奇的爬虫

GitHub - lixi5338619/magical_spider: 神奇的蜘蛛🕷,一个几乎适用于所有web端站点的采集方案

Python3面试准备与速查表

GitHub - peterlamar/python-cp-cheatsheet: Python3 interview prep cheatsheet and examples

How to learn modern RustRust 学习指南

https://github.com/joaocarvalhoopen/How_to_learn_modern_Rust

在线深度学习库

GitHub - online-ml/river-torch

PyTorch Metric LearningPyTorch 深度度量学习库

GitHub - KevinMusgrave/pytorch-metric-learning: The easiest way to use deep metric learning in your application. Modular, flexible, and extensible. Written in PyTorch.

PyTorch Metric Learning

System Design Questions系统设计问题集

GitHub - relogX/system-design-questions: Problem statements on System Design and Software Architecture as part of Arpit's System Design Masterclass

Interview Resources技术面试资源列表

 Leetcode-Style 面试、行为面试

https://github.com/nas5w/interview-resources

leetcode-curation-topica技术面试准备清单

GitHub - fterh/leetcode-curation-topical: Tech interview prep list

论文相关:

ICLR2023

ICLR 2023 Conference | OpenReview

医疗图像分割(代码&数据集)

GitHub - yhygao/CBIM-Medical-Image-Segmentation

CV系列项目、实例、说明

GitHub - microsoft/computervision-recipes: Best Practices, code samples, and documentation for Computer Vision.

CVPR2022自动驾驶(论文&代码)

GitHub - yolofeng/CVPR2022-Autonomous-Driving

弱监督语义分割(论文&代码)

GitHub - PengtaoJiang/Awesome-Weakly-Supervised-Semantic-Segmentation-Papers: Recent weakly supervised semantic segmentation paper

异常检测综述(论文&代码)

GitHub - GuansongPang/SOTA-Deep-Anomaly-Detection: List of implementation of SOTA deep anomaly detection methods

 ADBench: Anomaly Detection Benchmark

https://arxiv.org/abs/2206.09426

 GitHub - Minqi824/ADBench: Official Implement of "ADBench: Anomaly Detection Benchmark".

YOLO系列(含各种backbone、MLP、attention、head)

GitHub - iscyy/yoloair: 🔥🔥🔥YOLOv7, YOLOv5, YOLOv4, Transformer, YOLOX, YOLOR, YOLOv3 and Improved-YOLOv5... Support to improve backbone, head, loss, IoU, NMS and other modules

注意力机制系列

GitHub - xmu-xiaoma666/External-Attention-pytorch: 🍀 Pytorch implementation of various Attention Mechanisms, MLP, Re-parameter, Convolution, which is helpful to further understand papers.⭐⭐⭐

Transformer系列(论文&代码)

GitHub - GuanRunwei/Awesome-Vision-Transformer-Collection: Variants of Vision Transformer and its downstream tasks

3D Transformer系列(论文&代码) 

GitHub - lahoud/3d-vision-transformers: A list of 3D computer vision papers with Transformers

 Self-Supervised Representation Learning for Speech Processing(Interspeech 2022 Tutorial)面向语音处理的自监督表示学习

GitHub - WenjieDu/PyPOTS: A python toolbox/library for data mining on partially-observed time series, supporting tasks of forecasting/imputation/classification/clustering on incomplete multivariate time series with missing values. (google.com)

Awesome Video Instance Segmentation Papers视频实例分割相关文献列表

GitHub - QingZhong1996/Awesome-Video-Instance-Segmentation-Papers

Awesome Video Domain Adaptation视频域自适应相关文献资源列表

GitHub - xuyu0010/awesome-video-domain-adaptation: A comprehensive collection of awesome research and other items about video domain adaptation

Collaborative Perception协同感知相关文献列表

GitHub - Little-Podi/Collaborative_Perception: This repository is a paper digest of recent advances in collaborative / cooperative / multi-agent perception for V2I / V2V / V2X autonomous driving scenario.

Awesome Visual Diffusion Models视觉扩散模型相关大列表

GitHub - Xiefan-Guo/Awesome-Visual-Diffusion-Models: A collection of resources and papers on Visual Diffusion Models.

扩散模型综述 Diffusion Models

A Survey on Generative Diffusion Model

[2209.02646] A Survey on Generative Diffusion Model (arxiv.org)

GitHub - chq1155/A-Survey-on-Generative-Diffusion-Model

Diffusion Models: A Comprehensive Survey of Methods and Applications

https://arxiv.org/abs/2209.00796

GitHub - YangLing0818/Diffusion-Models-Papers-Survey-Taxonomy: Diffusion model papers, survey, and taxonomy

Awesome Stable-DiffusionStable Diffusion 模型相关资源大列表

GitHub - awesome-stable-diffusion/awesome-stable-diffusion: Curated list of awesome resources for the Stable Diffusion AI Model.

3DMM and 3D Face Reconstruction and Manipulation3D人脸重建与操作相关文献列表

https://github.com/AndrewChiyz/3DMM-and-3D-Face-reconstruction-and-manipulation

Awesome Fluid Dynamics流体动力学相关列表

https://github.com/lento234/awesome-fluid-dynamics

awesome-fluid-dynamics | A curated list of repositories related to fluid dynamics.

Awesome Inpainting Tech图像补全相关文献列表

https://github.com/zengyh1900/Awesome-Image-Inpainting

Contrastive Learning for Natural Language Processing对比学习自然语言处理 · 大列表

GitHub - ryanzhumich/Contrastive-Learning-NLP-Papers: Paper List for Contrastive Learning for Natural Language Processing

Graph Reinforcement Learning Papers图强化学习相关文献代码资源列表

GitHub - SunQingYun1996/Graph-Reinforcement-Learning-Papers: A curated list of graph reinforcement learning papers.

Representation Learning for Reinforcement Learning面向强化学习的表示学习相关文献列表

GitHub - fuyw/RepL4RL: Representation Learning for RL

Awesome Graph Transformer Papers Graph Transformer相关论文大合辑

GitHub - ChandlerBang/awesome-graph-transformer: Papers about graph transformers.

Awesome Graph Neural Network Systems图神经网络(GNN)系统相关文献资源列表

GitHub - chwan1016/awesome-gnn-systems: A list of awesome GNN systems.

DetHub开源目标检测 / 实例分割实验中心

https://github.com/okotaku/dethub

论文写作:

Enhance Your English Writing英语写作强化宝典

GitHub - yzy1996/English-Writing: Enhance Your English Writing

各种写作指导推荐

GitHub - OpenMindClub/awesome-scholarly-productivity

博士申请攻略

GitHub - zhanglj37/Tutorial-on-PhD-Application: Tutorial on PhD Application

Track Assistant Professors and PhD students助理教授/博士生生存指南

GitHub - JunweiLiang/awesome_lists: Awesome Lists for Tenure-Track Assistant Professors and PhD students. (助理教授/博士生生存指南)

计算机相关各种方向路线图

GitHub - liuchong/awesome-roadmaps: A curated list of roadmaps.

资源:

深度学习论文解读

GitHub - mli/paper-reading: 深度学习经典、新论文逐段精读

Testing ML通过代码、数据、模型的测试创建可靠的机器学习模型

GitHub - GokuMohandas/testing-ml: Learn how to create reliable ML systems by testing code, data and models.

Testing Machine Learning Systems: Code, Data and Models - Made With ML

《通用视觉框架 OpenMMLab》 公开课视频与代码

GitHub - wangruohui/OpenMMLabCourse: OpenMMLab course index and materials

ML Recipe: 一本包含针对各种任务训练深度学习模型的分步说明的书

GitHub - bipinKrishnan/ml-recipe-book: A book containing step by step instructions to train deep learning models for a variety of tasks

RLcode白话强化学习

GitHub - louisnino/RLcode

你有一份强化学习线路图,请查收。(原题:看我如何一文从马可洛夫怼到DPPO) - 知乎 (zhihu.com)

S3PRL自监督语音预训练和表征学习工具包

GitHub - s3prl/s3prl: Self-Supervised Speech/Sound Pre-training and Representation Learning Toolkit

S3PRL 0.4.5 documentation

 Awesome Control Theory控制论相关资源列表

GitHub - A-make/awesome-control-theory: Awesome resources for learning control theory

Ethics Union Bibliography伦理相关资源列表

GitHub - acl-org/ethics-reading-list: A list of ethics related resources for researchers and practitioners of Natural Language Processing and Computational Linguistics

Deep Learning Examples深度学习实例集

GitHub - LambdaLabsML/examples: Deep Learning Examples

Deep Vision and Graphics深度视觉与图形·课程资料

聚焦计算机视觉和图形

GitHub - yandexdataschool/deep_vision_and_graphics: Course about deep learning for computer vision and graphics co-developed by YSDA and Skoltech.

Machine Learning Systems versus Machine Learning Models机器学习系统与机器学习模型

medium.com

The DBLP Discovery Dataset (D3) DBLP 计算机科学学术文献与作者数据集

GitHub - jpwahle/d3-dataset: The official repository for the LREC'22 paper "D3: A Massive Dataset of Scholarly Metadata for Analyzing the State of Computer Science Research"

MATH 318 A: Advanced Linear Algebra Tools and Applications华盛顿大学·线性代数进阶工具与应用·课程

Math 318 Dept of Math, Univ of Washington

https://www.youtube.com/watch?v=R3IJWhzLzds&list=PLoxJTbDttvt4p6zPSy_0zURsJV1kDCqw1

Machine Learning for Intelligent Systems康奈尔大学 CS4780 / CS5780 · 智能系统机器学习 · 课程及资料

Course Materials | Machine Learning for Intelligent Systems

https://www.youtube.com/playlist?list=PLl8OlHZGYOQ7bkVbuRthEsaLr7bONzbXS

Applications of Deep Neural Networks with Keras深度神经网络应用(Keras)·可下载书籍

https://github.com/jeffheaton/t81_558_deep_learning

书籍PDFhttps://arxiv.org/pdf/2009.05673.pdf

Neural Speech Synthesis (Interspeech 2022 Tutorial)神经语音合成教程

文本到语音(TTS)』和『语音转换(VC)』 

https://github.com/tts-tutorial/interspeech2022

Planning with Deep Neural Networks深度网络规划相关文献资源列表

https://github.com/ndrwmlnk/planning-with-deep-neural-networks-a-survey

Awesome Machine Unlearning机器学习相关资源大列表

GitHub - tamlhp/awesome-machine-unlearning: Awesome Machine Unlearning (A Survey of Machine Unlearning)

System Design Resources系统设计资源集

https://github.com/InterviewReady/system-design-resources

 tsai基于Pytorch & fastai的深度学习时序处理库

GitHub - SelfishGene/visual_taste_approximator: Visual Taste Approximator (VTA) is a very simple tool that helps anyone create an automatic replica of themselves that can approximate their own personal visual taste

tsai | tsai (timeseriesai.github.io)

SynapseML轻量大规模可扩展分布式机器学习库

为各种不同的机器学习任务(如文本分析、视觉、异常检测等)提供简单、可组合和分布式的API 

GitHub - microsoft/SynapseML: Simple and Distributed Machine Learning

SynapseML | SynapseML

GEEMLGoogle Earth Engine 机器学习包

GitHub - Geethen/geeml

geeml

Data Engineering for Machine Learning机器学习数据工程实战

MLOPs 课程 的一部分,旨在构建数据分析和机器学习应用的数据堆栈. 

GitHub - GokuMohandas/data-engineering: Construct a modern data stack and orchestration the workflows to create high quality data for analytics and ML applications.

Data Stack for Machine Learning - Made With ML

 Orchestration for Machine Learning - Made With ML

(ADL4CV) Advanced Deep Learning for Computer Vision 慕尼黑工业大学 · 计算机视觉深度学习进阶课

ADL4CV | 慕尼黑工大 · 计算机视觉深度学习进阶课 (showmeai.tech)

【双语字幕+资料下载】慕尼黑工大 ADL4CV | 计算机视觉深度学习进阶课 (2020·全10讲)_哔哩哔哩_bilibili

Awesome Panel LightningPanel+Lightning.ai 构建机器学习&深度学习应用程序

GitHub - MarcSkovMadsen/awesome-panel-lightning

PKU TANGENT NLP Tutorial北大 NLP 新手入门教程

GitHub - PKU-TANGENT/nlp-tutorial: NLP新手入门教程

The Mathematical Engineering of Deep Learning深度学习数学工程 · 电子书

The Mathematical Engineering of Deep Learning

A Gentle Introduction to Optimization优化导论·免费电子书

https://industri.fatek.unpatti.ac.id/wp-content/uploads/2019/03/116-A-Gentle-Introduction-to-Optimization-B.-Guenin-J.-K%C3%B6nemann-L.-Tun%C3%A7el-Edisi-1-2014.pdf

IE521 - Convex Optimization凸优化·课程资料

https://github.com/niaohe/Convex-Optimization-Course

Full Stack Deep Learning伯克利·全栈深度学习·(2022 免费课程)

Course 2022 - Full Stack Deep Learning

https://www.youtube.com/playlist?list=PL1T8fO7ArWleMMI8KPJ_5D5XSlovTW_Ur

(CS294) Deep Unsupervised LearningBerkeley 伯克利 · 深度无监督学习课程

CS294 | Berkeley伯克利 · 深度无监督学习课程 (showmeai.tech)

【双语字幕+资料下载】伯克利CS294 | 深度无监督学习(2020最新·全12讲)_哔哩哔哩_bilibili

OptFormer: Towards Universal Hyperparameter Optimization with Transformers基于 Transformers 的通用超参数优化

https://ai.googleblog.com/2022/08/optformer-towards-universal.html

Satellite imagery datasets containing ships包含船只的卫星图像数据集列表

GitHub - jasonmanesis/Satellite-Imagery-Datasets-Containing-Ships: A list of radar and optical satellite datasets for ship detection, classification, semantic segmentation and instance segmentation tasks.

摄影测量指南

GitHub - 摄影测量/摄影测量指南:摄影测量指南

工具

ImagePy图像处理工具

GitHub - Image-Py/imagepy: Image process framework based on plugin like imagej, it is esay to glue with scipy.ndimage, scikit-image, opencv, simpleitk, mayavi...and any libraries based on numpy

AutoClean自动化数据预处理/数据清洗工具包

GitHub - elisemercury/AutoClean: Python package for automated data preprocessing & cleaning.

mmyoloOpenMMLab YOLO 系列工具箱

GitHub - open-mmlab/mmyolo: OpenMMLab YOLO series toolbox and benchmark

Welcome to MMYOLO’s documentation! — MMYOLO 0.1.1 documentation

Umi-OCR批量图片转文字工具(win10)

https://github.com/hiroi-sora/Umi-OCR

How To Start Open SourceGitHub 开源项目维护协作指南

GitHub - eryajf/HowToStartOpenSource: ⚗️ GitHub开源项目维护协作指南

HowToStartOpenSource (eryajf.github.io)

Leetcode Anki card generator把LeetCode题目生成卡片的刷题神器

GitHub - prius/leetcode-anki: Anki cards generator for Leetcode

redframes用于机器学习和可视化的数据操纵库

GitHub - maxhumber/redframes: [re]ctangular[d]ata[frames]

yPOTS用于对部分观测时间序列进行数据挖掘 Python 工具箱/库

GitHub - WenjieDu/PyPOTS: A python toolbox/library for data mining on partially-observed time series, supporting tasks of forecasting/imputation/classification/clustering on incomplete multivariate time series with missing values.

rs-code-visualizer伪代码生成大幅可视化图

GitHub - sloganking/codevis: Turns your code into one large image

Visual Taste Approximator (VTA) 自画像工具,绘制像又不完全像的自己

GitHub - SelfishGene/visual_taste_approximator: Visual Taste Approximator (VTA) is a very simple tool that helps anyone create an automatic replica of themselves that can approximate their own personal visual taste

memlabE2E测试和分析框架

 一个E2E测试和分析框架,用于检查JavaScript的内存泄漏和优化

memlab

GitHub - facebook/memlab: A framework for finding JavaScript memory leaks and analyzing heap snapshots

Selective白盒特征选择库

支持分类和回归任务的无监督和有监督的选择方法

GitHub - fidelity/selective: Selective: Feature Selection Library

Azimutt实体关系图(ERD)可视化工具

GitHub - azimuttapp/azimutt: An Entity Relationship diagram (ERD) visualization tool, with various filters and inputs to help understand your database schema

Azimutt - Database explorer and analyzer

mp4grep用于转录和搜索音频/视频的命令行工具

https://github.com/o-oconnell/mp4grep

estela基于Kubernetes的弹性网页爬虫集群

GitHub - bitmakerla/estela: estela, an elastic web scraping cluster 🕸Overview - estela Documentation

 流媒体开发框架与平台

GitHub - apache/incubator-streampark: StreamPark, Make stream processing easier! easy-to-use streaming application development framework and operation platform

ZLMediaKit一个基于C++11的高性能运营级流媒体服务框架

GitHub - ZLMediaKit/ZLMediaKit: WebRTC/RTSP/RTMP/HTTP/HLS/HTTP-FLV/WebSocket-FLV/HTTP-TS/HTTP-fMP4/WebSocket-TS/WebSocket-fMP4/GB28181/SRT server and client framework based on C++11

JSeg基于 MMSegmentation 和 Jittor 的语义分割工具包

GitHub - Jittor/JSeg: JSeg is a Semantic segmentation toolbox based on MMSegmentation and Jittor

kxy-python提高机器学习工程师工作效率的工具包

https://github.com/kxytechnologies/kxy-python

KXY Technologies

Humre可读性更好的 Python 正则模块

https://github.com/asweigart/humre

PyDeepFakeDetDeepfake 换脸检测库

https://github.com/wangjk666/PyDeepFakeDet(复旦大学实验室)

EasyCVPyTorch 一站式计算机视觉工具箱

https://github.com/alibaba/EasyCV

MotionityWeb 界面的动图编辑器

https://github.com/alyssaxuu/motionity

OCRmyPDF为扫描 PDF 增加 OCR 功能

https://github.com/ocrmypdf/OCRmyPDF

OCRmyPDF documentation — ocrmypdf 14.0.1.dev5+g110c75cb documentation

XRLocalization可视化定位工具包和服务器

GitHub - openxrlab/xrlocalization: OpenXRLab Visual Localization Toolbox and Server

compose面向预测工程自动化的机器学习工具

GitHub - alteryx/compose: A machine learning tool for automated prediction engineering. It allows you to easily structure prediction problems and generate labels for supervised learning.

What is Compose? — Compose 0.9.0 documentation

XRNerf神经辐射场 (NeRF)工具包和基准测试

GitHub - openxrlab/xrnerf: OpenXRLab Neural Radiance Field (NeRF) Toolbox and Benchmark

pe-bear界面友好的PE文件逆向工具

GitHub - hasherezade/pe-bear: Portable Executable reversing tool with a friendly GUI

PE-bear | hasherezade's 1001 nights (wordpress.com)

LAVIS一站式语言-视觉智能库

GitHub - salesforce/LAVIS: LAVIS - A One-stop Library for Language-Vision Intelligence

  • 3
    点赞
  • 22
    收藏
    觉得还不错? 一键收藏
  • 0
    评论

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值