From 1495462a91bc3ff8011c527687355240fb1a10b3 Mon Sep 17 00:00:00 2001 From: HanXinzi-AI Date: Mon, 27 May 2024 12:16:33 +0000 Subject: [PATCH] Update best-of list for version 2024.05.27 --- README.md | 82 +++++++++++----------- history/2024-05-27_changes.md | 20 ++++++ history/2024-05-27_projects.csv | 120 ++++++++++++++++++++++++++++++++ latest-changes.md | 20 +++--- 4 files changed, 191 insertions(+), 51 deletions(-) create mode 100644 history/2024-05-27_changes.md create mode 100644 history/2024-05-27_projects.csv diff --git a/README.md b/README.md index 3147eaa..511563b 100644 --- a/README.md +++ b/README.md @@ -14,128 +14,128 @@

-本资源清单包含120个计算机视觉相关的项目&工具库&资源,这些资源总共分成12个不同的子板块,这些项目目前在github上已经收到600K个点赞。所有的工具资源每周会自动从GitHub和工具维护平台采集信息,并更新梳理展示。本清单参考[best-of模板](https://github.com/best-of-lists/best-of)完成,欢迎大家提PR丰富本清单。 +本资源清单包含120个计算机视觉相关的项目&工具库&资源,这些资源总共分成12个不同的子板块,这些项目目前在github上已经收到850K个点赞。所有的工具资源每周会自动从GitHub和工具维护平台采集信息,并更新梳理展示。本清单参考[best-of模板](https://github.com/best-of-lists/best-of)完成,欢迎大家提PR丰富本清单。 --- -## 目录 +## Contents -- [图像分类](#图像分类) _10 个项目案例_ -- [目标检测](#目标检测) _13 个项目案例_ -- [图像分割](#图像分割) _8 个项目案例_ -- [OCR文字识别](#OCR文字识别) _11 个项目案例_ -- [图文转换ImageCaptioning与视觉问答VQA](#图文转换ImageCaptioning与视觉问答VQA) _11 个项目案例_ -- [图图转换ImageTranslation](#图图转换ImageTranslation) _9 个项目案例_ -- [图像超分辨率](#图像超分辨率) _10 个项目案例_ -- [人脸检测与识别](#人脸检测与识别) _10 个项目案例_ -- [医疗影像](#医疗影像) _7 个项目案例_ -- [行人检测](#行人检测) _5 个项目案例_ -- [自动驾驶](#自动驾驶) _6 个项目案例_ -- [生成对抗网络GAN](#生成对抗网络GAN) _10 个项目案例_ -- [模型压缩与优化](#模型压缩与优化) _9 个项目案例_ +- [图像分类](#) _10 projects_ +- [目标检测](#) _13 projects_ +- [图像分割](#) _8 projects_ +- [OCR文字识别](#ocr) _11 projects_ +- [图文转换ImageCaptioning与视觉问答VQA](#imagecaptioningvqa) _11 projects_ +- [图图转换ImageTranslation](#imagetranslation) _9 projects_ +- [图像超分辨率](#) _10 projects_ +- [人脸检测与识别](#) _10 projects_ +- [医疗影像](#) _7 projects_ +- [行人检测](#) _5 projects_ +- [自动驾驶](#) _6 projects_ +- [生成对抗网络GAN](#gan) _10 projects_ +- [模型压缩与优化](#) _9 projects_
## 图像分类 -Back to top +Back to top -


pytorch-image-models

⭐ 14K · :octocat: Code

pytorch图像分类模型库

by @rwightman



Vision-Transformer

⭐ 6K · :octocat: Code

Vision Transformer的实现

by @lucidrains



PaddlePaddle-PaddleClas

⭐ 2.3K · :octocat: Code

paddlepaddle实现的图像分类模板

by @PaddlePaddle



awesome-image-classification

⭐ 1.9K · :octocat: Code

awesome图像分类资料

by @weiaicunzai



facebookresearch-pycls

⭐ 1.7K · :octocat: Code

facebookresearch图像分类基础库

by @facebookresearch



gen-efficientnet-pytorch

⭐ 1.4K · :octocat: Code

基于pytorch的小型分类网络大全

by @rwightman



facebookresearch-ClassyVision

⭐ 1.4K · :octocat: Code

facebookresearch基于pytorch的端到端图像与视频分类库

by @facebookresearch



pytorch_image_classification

⭐ 940 · :octocat: Code

图像分类实现合集

by @hysts



open-mmlab-mmclassification

⭐ 860 · :octocat: Code

OpenMMLab实现的图像分类工具库

by @open-mmlab



NVIDIA-tf_to_trt_image_classification

⭐ 440 · :octocat: Code

TensorFlow->TensorRT图像分类

by @NVIDIA-AI-IOT

+


pytorch-image-models

⭐ 30K · :octocat: Code

rwightman pytorch-image-models

by @rwightman



Vision-Transformer

⭐ 18K · :octocat: Code

lucidrains vit-pytorch

by @lucidrains



PaddlePaddle-PaddleClas

⭐ 5.3K · :octocat: Code

PaddlePaddle PaddleClas

by @PaddlePaddle



open-mmlab-mmclassification

⭐ 3.2K · :octocat: Code

open-mmlab mmclassification

by @open-mmlab



awesome-image-classification

⭐ 2.7K · :octocat: Code

weiaicunzai awesome-image-classification

by @weiaicunzai



facebookresearch-pycls

⭐ 2.1K · :octocat: Code

facebookresearch pycls

by @facebookresearch



facebookresearch-ClassyVision

⭐ 1.6K · :octocat: Code

facebookresearch ClassyVision

by @facebookresearch



gen-efficientnet-pytorch

⭐ 1.6K · :octocat: Code

rwightman gen-efficientnet-pytorch

by @rwightman



pytorch_image_classification

⭐ 1.3K · :octocat: Code

hysts pytorch_image_classification

by @hysts



NVIDIA-tf_to_trt_image_classification

⭐ 450 · :octocat: Code

NVIDIA-AI-IOT tf_to_trt_image_classification

by @NVIDIA-AI-IOT


## 目标检测 -Back to top +Back to top -


matterport-Mask_RCNN

⭐ 21K · :octocat: Code

matterport实现的Mask_RCNN目标检测

by @matterport



detectron2

⭐ 18K · :octocat: Code

Facebook的detectron2目标检测框架

by @facebookresearch



open-mmlab-mmdetection

⭐ 17K · :octocat: Code

OpenMMLab实现的目标检测工具库

by @open-mmlab



labelImg

⭐ 16K · :octocat: Code

labelImg图像标注工具

by @tzutalin



deep_learning_object_detection

⭐ 10K · :octocat: Code

深度学习目标检测资料合集

by @hoya012



facebookresearch-detr

⭐ 7.7K · :octocat: Code

Facebook基于Transformers的端到端目标检测

by @facebookresearch



CenterNet

⭐ 5.9K · :octocat: Code

CenterNet实现

by @xingyizhou



U-2-Net

⭐ 4.9K · :octocat: Code

U2Net实现

by @xuebinqin



PaddleDetection

⭐ 4.7K · :octocat: Code

paddlepaddle目标检测套件

by @PaddlePaddle



microsoft-VoTT

⭐ 3.6K · :octocat: Code

微软可视化目标检测标注工具

by @microsoft



TuSimple-simpledet

⭐ 2.9K · :octocat: Code

图森开源的simpledet目标检测工具

by @TuSimple



ObjectDetection-OneStageDet

⭐ 1.9K · :octocat: Code

腾讯实现的单阶段目标检测框架

by @Tencent



open-mmlab-mmtracking

⭐ 1.6K · :octocat: Code

paddlepaddle目标检测套件

by @open-mmlab

+


detectron2

⭐ 29K · :octocat: Code

facebookresearch detectron2

by @facebookresearch



open-mmlab-mmdetection

⭐ 28K · :octocat: Code

open-mmlab-mmdetection

by @open-mmlab



matterport-Mask_RCNN

⭐ 24K · :octocat: Code

matterport-Mask_RCNN

by @matterport



labelImg

⭐ 22K · :octocat: Code

tzutalin labelImg

by @tzutalin



facebookresearch-detr

⭐ 13K · :octocat: Code

facebookresearch detr

by @facebookresearch



PaddleDetection

⭐ 12K · :octocat: Code

PaddleDetection

by @PaddlePaddle



deep_learning_object_detection

⭐ 11K · :octocat: Code

hoya012 deep_learning_object_detection

by @hoya012



U-2-Net

⭐ 8.2K · :octocat: Code

xuebinqin-U-2-Net

by @xuebinqin



CenterNet

⭐ 7.2K · :octocat: Code

xingyizhou-CenterNet

by @xingyizhou



microsoft-VoTT

⭐ 4.2K · :octocat: Code

microsoft VoTT

by @microsoft



open-mmlab-mmtracking

⭐ 3.4K · :octocat: Code

PaddleDetection

by @open-mmlab



TuSimple-simpledet

⭐ 3.1K · :octocat: Code

TuSimple simpledet

by @TuSimple



ObjectDetection-OneStageDet

⭐ 2K · :octocat: Code

Tencent ObjectDetection-OneStageDet

by @Tencent


## 图像分割 -Back to top +Back to top -


awesome-semantic-segmentation

⭐ 8.6K · :octocat: Code

语义分割资料大全

by @mrgloom



PaddleSeg

⭐ 2.7K · :octocat: Code

百度基于PaddlePaddle实现的图像分割工具库

by @PaddlePaddle



openmmlab-mmsegmentation

⭐ 2.4K · :octocat: Code

OpenMMLab实现的语义分割工具库

by @open-mmlab



image-segmentation-keras

⭐ 2.3K · :octocat: Code

基于keras实现的图像分割模型集合

by @divamgupta



Image_Segmentation

⭐ 1.6K · :octocat: Code

基于pytorch实现的图像分割模型集合

by @LeeJunHyun



medical-detection-toolkit

⭐ 1K · :octocat: Code

医疗数据目标检测与语义分割工具库

by @MIC-DKFZ



MedicalZooPytorch

⭐ 760 · :octocat: Code

pytorch实现的医疗影像数据图像检测分割模型大全

by @black0017



pytorch-segmentation-detection

⭐ 710 · :octocat: Code

基于pytorch实现的检测与分割代码

by @warmspringwinds

+


awesome-semantic-segmentation

⭐ 10K · :octocat: Code

awesome-semantic-segmentation

by @mrgloom



PaddleSeg

⭐ 8.3K · :octocat: Code

PaddlePaddle PaddleSeg

by @PaddlePaddle



openmmlab-mmsegmentation

⭐ 7.5K · :octocat: Code

openmmlab-mmsegmentation

by @open-mmlab



image-segmentation-keras

⭐ 2.8K · :octocat: Code

divamgupta image-segmentation-keras

by @divamgupta



Image_Segmentation

⭐ 2.6K · :octocat: Code

LeeJunHyun Image_Segmentation

by @LeeJunHyun



MedicalZooPytorch

⭐ 1.6K · :octocat: Code

black0017-MedicalZooPytorch

by @black0017



medical-detection-toolkit

⭐ 1.3K · :octocat: Code

MIC-DKFZ medicaldetectiontoolkit

by @MIC-DKFZ



pytorch-segmentation-detection

⭐ 740 · :octocat: Code

pytorch-segmentation-detection

by @warmspringwinds


## OCR文字识别 -Back to top +Back to top -


tesseract

⭐ 42K · :octocat: Code

tesseract ocr文字识别套件

by @tesseract-ocr



PaddleOCR

⭐ 17K · :octocat: Code

paddlepaddle OCR光学文字识别套件

by @PaddlePaddle



EasyOCR

⭐ 13K · :octocat: Code

EasyOCR多语种图片文字识别

by @JaidedAI



chineseocr_lite

⭐ 7.9K · :octocat: Code

中文自然场景文字检测及识别

by @DayBreak-u



PandaOCR

⭐ 3.8K · :octocat: Code

多功能OCR图文识别

by @miaomiaosoft



deep-text-recognition-benchmark

⭐ 2.6K · :octocat: Code

深度学习OCR文本识别

by @clovaai



CHINESE-OCR

⭐ 2.6K · :octocat: Code

端到端自然场景的文字检测与识别

by @xiaofengShi



chinese_ocr

⭐ 2.4K · :octocat: Code

中文OCR

by @YCG09



captcha_break

⭐ 2.2K · :octocat: Code

验证码识别

by @ypwhs



ctrip-OCR

⭐ 2.2K · :octocat: Code

携程自研的OCR项目

by @ctripcorp



captcha_trainer

⭐ 2.1K · :octocat: Code

验证码识别训练与部署

by @kerlomz

+


tesseract

⭐ 59K · :octocat: Code

tesseract-ocr-tesseract

by @tesseract-ocr



PaddleOCR

⭐ 39K · :octocat: Code

PaddlePaddle PaddleOCR

by @PaddlePaddle



EasyOCR

⭐ 22K · :octocat: Code

JaidedAI EasyOCR

by @JaidedAI



chineseocr_lite

⭐ 12K · :octocat: Code

DayBreak-u chineseocr_lite

by @DayBreak-u



PandaOCR

⭐ 5.1K · :octocat: Code

miaomiaosoft PandaOCR

by @miaomiaosoft



deep-text-recognition-benchmark

⭐ 3.6K · :octocat: Code

clovaai deep-text-recognition-benchmark

by @clovaai



captcha_trainer

⭐ 2.9K · :octocat: Code

kerlomz captcha_trainer

by @kerlomz



CHINESE-OCR

⭐ 2.9K · :octocat: Code

xiaofengShi CHINESE-OCR

by @xiaofengShi



chinese_ocr

⭐ 2.7K · :octocat: Code

YCG09 chinese_ocr

by @YCG09



captcha_break

⭐ 2.7K · :octocat: Code

ypwhs captcha_break

by @ypwhs



ctrip-OCR

⭐ 2.4K · :octocat: Code

ctripcorp C-OCR

by @ctripcorp


## 图文转换ImageCaptioning与视觉问答VQA -Back to top +Back to top -


facebookresearch-mmf

⭐ 4.6K · :octocat: Code

Facebook用于多模态(图像+文本)研究的工具库

by @facebookresearch



bottom-up-attention

⭐ 1.1K · :octocat: Code

自底向上的注意模型用于图像文本学习

by @peteanderson80



awesome-image-captioning

⭐ 740 · :octocat: Code

awesome图文转换资料大全

by @zhjohnchan



microsoft-Oscar

⭐ 670 · :octocat: Code

微软视觉&文本任务工具库

by @microsoft



awesome-visual-question-answering

⭐ 370 · :octocat: Code

awesome视觉问答资料大全

by @jokieleung



meshed-memory-transformer

⭐ 320 · :octocat: Code

CVPR2020图文转换论文实现

by @aimagelab



conceptual-captions

⭐ 300 · :octocat: Code

google research提供的图文数据集

by @google-research-datasets



Awesome-Visual-Captioning

⭐ 260 · :octocat: Code

awesome视觉文本转换资料大全

by @forence



MILVLG-openvqa

⭐ 230 · :octocat: Code

MILVLG实现的VQA研究通用平台

by @MILVLG



image-captioning

⭐ 200 · :octocat: Code

CVPR2020图文转换论文实现

by @JDAI-CV



Image-Caption-Generator

⭐ 150 · :octocat: Code

图文转换生成器

by @dabasajay

+


facebookresearch-mmf

⭐ 5.4K · :octocat: Code

facebookresearch mmf

by @facebookresearch



bottom-up-attention

⭐ 1.4K · :octocat: Code

peteanderson80 bottom-up-attention

by @peteanderson80



awesome-image-captioning

⭐ 1K · :octocat: Code

zhjohnchan awesome-image-captioning

by @zhjohnchan



microsoft-Oscar

⭐ 1K · :octocat: Code

microsoft Oscar

by @microsoft



awesome-visual-question-answering

⭐ 650 · :octocat: Code

jokieleung awesome-visual-question-answering

by @jokieleung



meshed-memory-transformer

⭐ 510 · :octocat: Code

aimagelab meshed-memory-transformer

by @aimagelab



conceptual-captions

⭐ 490 · :octocat: Code

google-research-datasets conceptual-captions

by @google-research-datasets



Awesome-Visual-Captioning

⭐ 410 · :octocat: Code

forence Awesome-Visual-Captioning

by @forence



MILVLG-openvqa

⭐ 310 · :octocat: Code

MILVLG openvqa

by @MILVLG



Image-Caption-Generator

⭐ 270 · :octocat: Code

dabasajay Image-Caption-Generator

by @dabasajay



image-captioning

⭐ 270 · :octocat: Code

JDAI-CV image-captioning

by @JDAI-CV


## 图图转换ImageTranslation -Back to top +Back to top -


pytorch-CycleGAN-and-pix2pix

⭐ 16K · :octocat: Code

pytorch实现的CycleGAN和pix2pix图图转换

by @junyanz



pix2pix

⭐ 8.7K · :octocat: Code

pix2pix图图转换实现

by @phillipi



vid2vid

⭐ 7.8K · :octocat: Code

英伟达实现的视频到视频转换

by @NVIDIA



UGATIT

⭐ 6K · :octocat: Code

ICLR2020无监督GAN图图转换论文实现

by @taki0112



NVlabs-MUNIT

⭐ 2.4K · :octocat: Code

英伟达lab多模态无监督图图转换实现

by @NVlabs



UGATIT-pytorch

⭐ 2.2K · :octocat: Code

ICLR2020无监督GAN图图转换pytorch实现

by @znxlwm



pixel2style2pixel

⭐ 2K · :octocat: Code

CVPR2021图图转换论文实现

by @eladrich



instagan

⭐ 780 · :octocat: Code

InstaGAN图图转换实现

by @sangwoomo



DRIT

⭐ 720 · :octocat: Code

DRIT++图图转换实现

by @HsinYingLee

+


pytorch-CycleGAN-and-pix2pix

⭐ 22K · :octocat: Code

junyanz pytorch-CycleGAN-and-pix2pix

by @junyanz



pix2pix

⭐ 10K · :octocat: Code

phillipi pix2pix

by @phillipi



vid2vid

⭐ 8.5K · :octocat: Code

NVIDIA vid2vid

by @NVIDIA



UGATIT

⭐ 6.2K · :octocat: Code

taki0112 UGATIT

by @taki0112



pixel2style2pixel

⭐ 3.1K · :octocat: Code

eladrich pixel2style2pixel

by @eladrich



NVlabs-MUNIT

⭐ 2.6K · :octocat: Code

NVlabs MUNIT

by @NVlabs



UGATIT-pytorch

⭐ 2.5K · :octocat: Code

znxlwm UGATIT-pytorch

by @znxlwm



instagan

⭐ 840 · :octocat: Code

sangwoomo instagan

by @sangwoomo



DRIT

⭐ 830 · :octocat: Code

HsinYingLee DRIT

by @HsinYingLee


## 图像超分辨率 -Back to top +Back to top -


waifu2x

⭐ 22K · :octocat: Code

动漫图像超分辨率实现

by @nagadomi



srez

⭐ 5.3K · :octocat: Code

深度学习超分辨率实现

by @david-gpu



ESRGAN

⭐ 3.8K · :octocat: Code

ESRGAN超分辨率实现

by @xinntao



image-super-resolution

⭐ 3.1K · :octocat: Code

图像超分辨率实现

by @idealo



srgan

⭐ 2.6K · :octocat: Code

srgan超分辨率实现

by @tensorlayer



BasicSR

⭐ 2.4K · :octocat: Code

基于 PyTorch 的开源图像视频复原工具箱

by @xinntao



Single-Image-Super-Resolution

⭐ 1.6K · :octocat: Code

图像超分辨率资料大全

by @YapengTian



VideoSuperResolution

⭐ 1.3K · :octocat: Code

图像视频超精度资料集合

by @LoSealL



super-resolution

⭐ 1.1K · :octocat: Code

超精度算法实现集合

by @krasserm



Awesome-Super-Resolution

⭐ 1.1K · :octocat: Code

awesome超分辨率资料大全

by @ChaofWang

+


waifu2x

⭐ 27K · :octocat: Code

nagadomi waifu2x

by @nagadomi



BasicSR

⭐ 6.3K · :octocat: Code

xinntao BasicSR

by @xinntao



ESRGAN

⭐ 5.8K · :octocat: Code

xinntao ESRGAN

by @xinntao



srez

⭐ 5.3K · :octocat: Code

david-gpu srez

by @david-gpu



image-super-resolution

⭐ 4.5K · :octocat: Code

idealo image-super-resolution

by @idealo



srgan

⭐ 3.2K · :octocat: Code

tensorlayer srgan

by @tensorlayer



Awesome-Super-Resolution

⭐ 2.3K · :octocat: Code

ChaofWang Awesome-Super-Resolution

by @ChaofWang



Single-Image-Super-Resolution

⭐ 1.8K · :octocat: Code

YapengTian Single-Image-Super-Resolution

by @YapengTian



VideoSuperResolution

⭐ 1.6K · :octocat: Code

LoSealL VideoSuperResolution

by @LoSealL



super-resolution

⭐ 1.5K · :octocat: Code

krasserm super-resolution

by @krasserm


## 人脸检测与识别 -Back to top +Back to top -


face_recognition

⭐ 42K · :octocat: Code

人脸识别实现

by @ageitgey



openpose

⭐ 22K · :octocat: Code

CMU openpose工具库

by @CMU-Perceptual-Computing-Lab



openface

⭐ 14K · :octocat: Code

CMU openface工具库

by @cmusatyalab



facenet

⭐ 12K · :octocat: Code

facenet实现

by @davidsandberg



libfacedetection

⭐ 11K · :octocat: Code

开源的高速人脸检测模型

by @ShiqiYu



Ultra-Light-Fast-Generic-Face-Detector-1MB

⭐ 6.1K · :octocat: Code

1MB轻量级人脸检测模型

by @Linzaer



awesome-Face_Recognition

⭐ 3K · :octocat: Code

awesome人脸识别资料大全

by @ChanChiChoi



facenet-pytorch

⭐ 2.4K · :octocat: Code

pytorch版本的facenet实现

by @timesler



DeepFace

⭐ 1.5K · :octocat: Code

deepFace实现

by @RiweiChen



DBFace

⭐ 1.2K · :octocat: Code

实时高速人脸检测实现

by @dlunion

+


face_recognition

⭐ 52K · :octocat: Code

ageitgey face_recognition

by @ageitgey



openpose

⭐ 30K · :octocat: Code

CMU-Perceptual-Computing-Lab openpose

by @CMU-Perceptual-Computing-Lab



openface

⭐ 15K · :octocat: Code

cmusatyalab openface

by @cmusatyalab



facenet

⭐ 14K · :octocat: Code

davidsandberg facenet

by @davidsandberg



libfacedetection

⭐ 12K · :octocat: Code

ShiqiYu libfacedetection

by @ShiqiYu



Ultra-Light-Fast-Generic-Face-Detector-1MB

⭐ 7.1K · :octocat: Code

Linzaer Ultra-Light-Fast-Generic-Face-Detector-1MB

by @Linzaer



awesome-Face_Recognition

⭐ 4.4K · :octocat: Code

ChanChiChoi awesome-Face_Recognition

by @ChanChiChoi



facenet-pytorch

⭐ 4.2K · :octocat: Code

timesler facenet-pytorch

by @timesler



DeepFace

⭐ 1.5K · :octocat: Code

RiweiChen DeepFace

by @RiweiChen



DBFace

⭐ 1.3K · :octocat: Code

dlunion DBFace

by @dlunion


## 医疗影像 -Back to top +Back to top -


awesome-gan-for-medical-imaging

⭐ 1.8K · :octocat: Code

医疗影像中用到的GAN资料集合

by @xinario



Deep-Learning-for-Medical-Applications

⭐ 1.4K · :octocat: Code

用于医疗影像的深度学习资料集

by @albarqouni



DLTK

⭐ 1.3K · :octocat: Code

DLTK医疗影像深度学习工具库

by @DLTK



medical-imaging-datasets

⭐ 1.2K · :octocat: Code

医疗影像数据集

by @sfikas



MedicalZoo-Pytorch

⭐ 760 · :octocat: Code

black0017 MedicalZooPytorch

by @black0017



medicaltorch

⭐ 750 · :octocat: Code

基于pytorch的医疗影像工具库

by @perone



MITK

⭐ 420 · :octocat: Code

MITK医疗影像处理工具库

by @MITK

+


awesome-gan-for-medical-imaging

⭐ 2.2K · :octocat: Code

xinario awesome-gan-for-medical-imaging

by @xinario



medical-imaging-datasets

⭐ 2.1K · :octocat: Code

sfikas medical-imaging-datasets

by @sfikas



MedicalZoo-Pytorch

⭐ 1.6K · :octocat: Code

black0017 MedicalZooPytorch

by @black0017



Deep-Learning-for-Medical-Applications

⭐ 1.5K · :octocat: Code

albarqouni Deep-Learning-for-Medical-Applications

by @albarqouni



DLTK

⭐ 1.4K · :octocat: Code

DLTK DLTK

by @DLTK



medicaltorch

⭐ 840 · :octocat: Code

perone medicaltorch

by @perone



MITK

⭐ 650 · :octocat: Code

MITK MITK

by @MITK


## 行人检测 -Back to top +Back to top -


LFFD-A-Light-and-Fast-Face-Detector-for-Edge-Devices

⭐ 1.2K · :octocat: Code

边缘设备上的人头与行人检测等

by @YonghaoHe



Pedestron

⭐ 470 · :octocat: Code

CVPR2021行人检测论文实现

by @hasanirtiza



Pedestrian-Detection

⭐ 320 · :octocat: Code

基于tensorflow的行人检测实现

by @thatbrguy



Pedestrian-Detection-papers

⭐ 250 · :octocat: Code

行人检测论文整理

by @xingkongliang



PedestrianDetectionSystem

⭐ 230 · :octocat: Code

基于TensorFlow的自动化行人检测和监控系统

by @zhangpengpengpeng

+


LFFD-A-Light-and-Fast-Face-Detector-for-Edge-Devices

⭐ 1.3K · :octocat: Code

YonghaoHe LFFD-A-Light-and-Fast-Face-Detector-for-Edge-Devices

by @YonghaoHe



Pedestron

⭐ 680 · :octocat: Code

hasanirtiza Pedestron

by @hasanirtiza



Pedestrian-Detection

⭐ 360 · :octocat: Code

thatbrguy Pedestrian-Detection

by @thatbrguy



PedestrianDetectionSystem

⭐ 330 · :octocat: Code

zhangpengpengpeng PedestrianDetectionSystem

by @zhangpengpengpeng



Pedestrian-Detection-papers

⭐ 260 · :octocat: Code

xingkongliang Pedestrian-Detection

by @xingkongliang


## 自动驾驶 -Back to top +Back to top -


apollo

⭐ 19K · :octocat: Code

百度阿波罗无人驾驶平台

by @ApolloAuto



carla

⭐ 6.6K · :octocat: Code

carla无人驾驶研究模拟器

by @carla-simulator



AutonomousDrivingCookbook

⭐ 1.9K · :octocat: Code

微软无人驾驶指南书

by @microsoft



awesome-autonomous-vehicles

⭐ 1.6K · :octocat: Code

awesome无人驾驶资料合集

by @manfreddiaz



SMARTS

⭐ 440 · :octocat: Code

华为诺亚无人驾驶强化学习环境

by @huawei-noah



Awesome-Autonomous-Driving

⭐ 400 · :octocat: Code

awesome无人驾驶资料集

by @autonomousdrivingkr

+


apollo

⭐ 25K · :octocat: Code

ApolloAuto apollo

by @ApolloAuto



carla

⭐ 11K · :octocat: Code

carla-simulator carla

by @carla-simulator



AutonomousDrivingCookbook

⭐ 2.3K · :octocat: Code

microsoft AutonomousDrivingCookbook

by @microsoft



awesome-autonomous-vehicles

⭐ 2.1K · :octocat: Code

manfreddiaz awesome-autonomous-vehicles

by @manfreddiaz



SMARTS

⭐ 890 · :octocat: Code

huawei-noah SMARTS

by @huawei-noah



Awesome-Autonomous-Driving

⭐ 530 · :octocat: Code

autonomousdrivingkr Awesome-Autonomous-Driving

by @autonomousdrivingkr


## 生成对抗网络GAN -Back to top +Back to top -


the-gan-zoo

⭐ 11K · :octocat: Code

GAN模型集合列表

by @hindupuravinash



PyTorch-GAN

⭐ 10K · :octocat: Code

pytorch实现的各种GAN

by @eriklindernoren



ganhacks

⭐ 10K · :octocat: Code

GAN知识技巧集合

by @soumith



Keras-GAN

⭐ 8.4K · :octocat: Code

Keras实现的各种GAN

by @eriklindernoren



PaddleGAN

⭐ 4.2K · :octocat: Code

百度paddlepaddle实现的GAN及应用

by @PaddlePaddle



gans-awesome-applications

⭐ 3.8K · :octocat: Code

GAN模型应用大全

by @nashory



tensorflow-generative-model-collections

⭐ 3.8K · :octocat: Code

tensorflow实现的各种GAN

by @hwalsuklee



really-awesome-gan

⭐ 3.3K · :octocat: Code

GAN资料论文大全

by @nightrome



pytorch-generative-model-collections

⭐ 2.3K · :octocat: Code

pytorch实现的各种GAN集合

by @znxlwm



pytorch_GAN_zoo

⭐ 1.4K · :octocat: Code

pytorch实现的GAN集合

by @facebookresearch

+


PyTorch-GAN

⭐ 16K · :octocat: Code

eriklindernoren PyTorch-GAN

by @eriklindernoren



the-gan-zoo

⭐ 14K · :octocat: Code

hindupuravinash the-gan-zoo

by @hindupuravinash



ganhacks

⭐ 11K · :octocat: Code

soumith ganhacks

by @soumith



Keras-GAN

⭐ 9.2K · :octocat: Code

eriklindernoren Keras-GAN

by @eriklindernoren



PaddleGAN

⭐ 7.7K · :octocat: Code

PaddlePaddle PaddleGAN

by @PaddlePaddle



gans-awesome-applications

⭐ 4.9K · :octocat: Code

nashory gans-awesome-applications

by @nashory



tensorflow-generative-model-collections

⭐ 3.9K · :octocat: Code

hwalsuklee tensorflow-generative-model-collections

by @hwalsuklee



really-awesome-gan

⭐ 3.7K · :octocat: Code

nightrome really-awesome-gan

by @nightrome



pytorch-generative-model-collections

⭐ 2.6K · :octocat: Code

znxlwm pytorch-generative-model-collections

by @znxlwm



pytorch_GAN_zoo

⭐ 1.6K · :octocat: Code

facebookresearch pytorch_GAN_zoo

by @facebookresearch


## 模型压缩与优化 -Back to top +Back to top -


nni

⭐ 10K · :octocat: Code

微软的nni工具

by @microsoft



TNN

⭐ 3.1K · :octocat: Code

腾讯优图实验室开源的高性能轻量级神经网络推理框架

by @Tencent



PocketFlow

⭐ 2.7K · :octocat: Code

腾讯的模型压缩与加速工具库

by @Tencent



micronet

⭐ 1.5K · :octocat: Code

模型压缩与部署工具库

by @666DZY666



model-optimization

⭐ 1.1K · :octocat: Code

tensorflow模型压缩工具(量化与剪枝)

by @tensorflow



PaddleSlim

⭐ 790 · :octocat: Code

百度PaddleSlim模型压缩工具库

by @PaddlePaddle



aimet

⭐ 700 · :octocat: Code

aimet模型压缩与加速工具包

by @quic



Awesome-model-compression-and-acceleration

⭐ 540 · :octocat: Code

模型压缩加速资料大全

by @memoiry



Data-Efficient-Model-Compression

⭐ 440 · :octocat: Code

华为实现的Data-Efficient模型压缩

by @huawei-noah

+


nni

⭐ 14K · :octocat: Code

microsoft nni

by @microsoft



TNN

⭐ 4.3K · :octocat: Code

Tencent TNN

by @Tencent



PocketFlow

⭐ 2.8K · :octocat: Code

Tencent PocketFlow

by @Tencent



micronet

⭐ 2.2K · :octocat: Code

666DZY666 micronet

by @666DZY666



aimet

⭐ 1.9K · :octocat: Code

quic aimet

by @quic



PaddleSlim

⭐ 1.5K · :octocat: Code

PaddlePaddle PaddleSlim

by @PaddlePaddle



model-optimization

⭐ 1.5K · :octocat: Code

tensorflow model-optimization

by @tensorflow



Data-Efficient-Model-Compression

⭐ 1.1K · :octocat: Code

huawei-noah Data-Efficient-Model-Compression

by @huawei-noah



Awesome-model-compression-and-acceleration

⭐ 650 · :octocat: Code

memoiry Awesome-model-compression-and-acceleration

by @memoiry

diff --git a/history/2024-05-27_changes.md b/history/2024-05-27_changes.md new file mode 100644 index 0000000..9adc995 --- /dev/null +++ b/history/2024-05-27_changes.md @@ -0,0 +1,20 @@ +## 📈 Trending Up + +_Projects that have a higher project-quality score compared to the last update. There might be a variety of reasons, such as increased downloads or code activity._ + +- tesseract (🥈23 · ⭐ 59K · 📈) - tesseract-ocr-tesseract. Apache-2 +- Vision-Transformer (🥈23 · ⭐ 18K · 📈) - lucidrains vit-pytorch. MIT +- openmmlab-mmsegmentation (🥇26 · ⭐ 7.5K · 📈) - openmmlab-mmsegmentation. Apache-2 +- BasicSR (🥇24 · ⭐ 6.3K · 📈) - xinntao BasicSR. Apache-2 +- aimet (🥈17 · ⭐ 1.9K · 📈) - quic aimet. ❗Unlicensed + +## 📉 Trending Down + +_Projects that have a lower project-quality score compared to the last update. There might be a variety of reasons such as decreased downloads or code activity._ + +- facenet (🥉17 · ⭐ 14K · 💤) - davidsandberg facenet. MIT +- deep_learning_object_detection (🥉13 · ⭐ 11K · 💤) - hoya012 deep_learning_object_detection. ❗Unlicensed +- ESRGAN (🥉13 · ⭐ 5.8K · 💤) - xinntao ESRGAN. Apache-2 +- facebookresearch-mmf (🥇16 · ⭐ 5.4K · 📉) - facebookresearch mmf. ❗Unlicensed +- facebookresearch-ClassyVision (🥉15 · ⭐ 1.6K · 💤) - facebookresearch ClassyVision. MIT + diff --git a/history/2024-05-27_projects.csv b/history/2024-05-27_projects.csv new file mode 100644 index 0000000..509f7c0 --- /dev/null +++ b/history/2024-05-27_projects.csv @@ -0,0 +1,120 @@ +,name,description,homepage,github_id,image,category,show,github_url,license,created_at,updated_at,last_commit_pushed_at,fork_count,open_issue_count,closed_issue_count,star_count,latest_stable_release_published_at,latest_stable_release_number,release_count,dependent_project_count,github_dependent_project_count,contributor_count,projectrank,projectrank_placing,trending,commit_count,github_release_downloads,monthly_downloads,updated_github_id +0,tesseract,tesseract-ocr-tesseract.,https://github.com/tesseract-ocr/tesseract,tesseract-ocr/tesseract,./screenshots/tesseract.png,OCR文字识别,True,https://github.com/tesseract-ocr/tesseract,Apache-2.0,2014-08-12 18:04:59,2024-05-27 02:40:06,2024-05-27 02:40:06,8633,387.0,2218.0,58697,2024-01-18 09:12:03,5.3.4,30.0,22.0,22.0,212.0,23,2,4.0,,,, +1,face_recognition,ageitgey face_recognition.,https://github.com/ageitgey/face_recognition,ageitgey/face_recognition,./screenshots/face_recognition.gif,人脸检测与识别,True,https://github.com/ageitgey/face_recognition,MIT,2017-03-03 21:52:39,2024-02-24 12:51:59,2022-06-10 09:12:18,13075,736.0,586.0,52036,2018-04-02 17:18:43,1.2.2,2.0,21.0,21.0,54.0,22,2,,238.0,1231.0,14.0, +2,PaddleOCR,PaddlePaddle PaddleOCR.,https://github.com/PaddlePaddle/PaddleOCR,PaddlePaddle/PaddleOCR,./screenshots/PaddleOCR.png,OCR文字识别,True,https://github.com/PaddlePaddle/PaddleOCR,Apache-2.0,2020-05-08 10:38:16,2024-05-27 11:11:05,2024-05-27 03:12:05,7254,517.0,8458.0,39198,2024-03-29 09:48:32,2.7.5,12.0,2622.0,2622.0,182.0,25,1,,,,, +3,pytorch-image-models,rwightman pytorch-image-models.,https://github.com/rwightman/pytorch-image-models,rwightman/pytorch-image-models,./screenshots/pytorch-image-models.png,图像分类,True,https://github.com/huggingface/pytorch-image-models,Apache-2.0,2019-02-02 05:51:12,2024-05-24 23:45:29,2024-05-22 21:33:39,4492,66.0,807.0,30171,2024-05-15 18:19:44,1.0.3,56.0,29101.0,29101.0,139.0,31,1,,,6600717.0,110011.0,huggingface/pytorch-image-models +4,openpose,CMU-Perceptual-Computing-Lab openpose.,https://github.com/CMU-Perceptual-Computing-Lab/openpose,CMU-Perceptual-Computing-Lab/openpose,./screenshots/openpose.jpeg,人脸检测与识别,True,https://github.com/CMU-Perceptual-Computing-Lab/openpose,,2017-04-24 14:06:31,2024-05-22 18:20:19,2024-04-15 13:47:50,7569,297.0,1657.0,30093,2020-11-17 05:48:13,1.7.0,15.0,,,108.0,21,2,,715.0,290062.0,3671.0, +5,detectron2,facebookresearch detectron2.,https://github.com/facebookresearch/detectron2,facebookresearch/detectron2,./screenshots/detectron2.gif,目标检测,True,https://github.com/facebookresearch/detectron2,Apache-2.0,2019-09-05 21:30:20,2024-05-27 03:22:53,2024-05-21 21:37:34,6926,408.0,3054.0,28989,2021-11-15 22:08:26,0.6,10.0,1801.0,1801.0,269.0,23,2,,,,, +6,open-mmlab-mmdetection,open-mmlab-mmdetection.,https://github.com/open-mmlab/mmdetection,open-mmlab/mmdetection,./screenshots/open-mmlab-mmdetection.png,目标检测,True,https://github.com/open-mmlab/mmdetection,Apache-2.0,2018-08-22 07:06:06,2024-05-24 19:55:28,2024-02-05 13:23:18,8353,1441.0,6668.0,28107,2024-01-05 06:24:15,3.3.0,53.0,2529.0,2529.0,455.0,29,1,,2198.0,,, +7,waifu2x,nagadomi waifu2x.,https://github.com/nagadomi/waifu2x,nagadomi/waifu2x,./screenshots/waifu2x.jpeg,图像超分辨率,True,https://github.com/nagadomi/waifu2x,MIT,2015-05-17 07:29:15,2023-05-04 00:50:48,2023-02-23 01:32:03,2686,151.0,207.0,27220,2018-11-18 11:21:02,0.13.2,3.0,,,41.0,19,2,,756.0,,, +8,apollo,ApolloAuto apollo.,https://github.com/ApolloAuto/apollo,ApolloAuto/apollo,./screenshots/apollo.jpeg,自动驾驶,True,https://github.com/ApolloAuto/apollo,Apache-2.0,2017-07-04 19:03:31,2024-05-24 02:00:35,2024-05-23 06:49:04,9263,761.0,3589.0,24561,2023-12-18 12:36:54,9.0.0,12.0,,,412.0,27,1,,19294.0,63883.0,779.0, +9,matterport-Mask_RCNN,matterport-Mask_RCNN.,https://github.com/matterport/Mask_RCNN,matterport/Mask_RCNN,./screenshots/matterport-Mask_RCNN.png,目标检测,True,https://github.com/matterport/Mask_RCNN,,2017-10-19 20:28:34,2024-04-30 13:30:56,2019-03-31 22:03:47,10122,1888.0,851.0,24236,2018-03-19 23:26:21,2.1,3.0,21.0,21.0,47.0,24,1,,203.0,1481808.0,18757.0, +10,EasyOCR,JaidedAI EasyOCR.,https://github.com/JaidedAI/EasyOCR,JaidedAI/EasyOCR,./screenshots/EasyOCR.png,OCR文字识别,True,https://github.com/JaidedAI/EasyOCR,Apache-2.0,2020-03-14 11:46:39,2024-05-17 09:10:59,2023-09-04 11:42:16,2916,364.0,589.0,22343,2023-09-04 11:53:04,1.7.1,22.0,6499.0,6499.0,128.0,31,1,,615.0,11198446.0,238264.0, +11,pytorch-CycleGAN-and-pix2pix,junyanz pytorch-CycleGAN-and-pix2pix.,https://github.com/junyanz/pytorch-CycleGAN-and-pix2pix,junyanz/pytorch-CycleGAN-and-pix2pix,./screenshots/pytorch-CycleGAN-and-pix2pix.png,图图转换ImageTranslation,True,https://github.com/junyanz/pytorch-CycleGAN-and-pix2pix,,2017-04-18 10:33:05,2024-05-14 21:56:57,2024-03-22 17:58:25,5979,527.0,949.0,22173,,,,20.0,20.0,70.0,18,1,,526.0,,, +12,labelImg,tzutalin labelImg.,https://github.com/tzutalin/labelImg,tzutalin/labelImg,./screenshots/labelImg.jpeg,目标检测,True,https://github.com/HumanSignal/labelImg,MIT,2015-09-17 01:33:59,2024-02-17 21:47:07,2022-09-22 22:12:32,5960,403.0,364.0,21962,2018-12-03 05:40:38,1.8.1,2.0,1292.0,1292.0,109.0,24,1,,449.0,,,HumanSignal/labelImg +13,Vision-Transformer,lucidrains vit-pytorch.,https://github.com/lucidrains/vit-pytorch,lucidrains/vit-pytorch,./screenshots/Vision-Transformer.png,图像分类,True,https://github.com/lucidrains/vit-pytorch,MIT,2020-10-03 22:47:24,2024-05-25 03:31:23,2024-05-11 15:04:32,2785,118.0,137.0,18332,2024-05-11 15:04:41,1.6.9,100.0,470.0,470.0,21.0,23,2,4.0,,,, +14,PyTorch-GAN,eriklindernoren PyTorch-GAN.,https://github.com/eriklindernoren/PyTorch-GAN,eriklindernoren/PyTorch-GAN,./screenshots/PyTorch-GAN.png,生成对抗网络GAN,True,https://github.com/eriklindernoren/PyTorch-GAN,MIT,2018-04-21 13:06:40,2024-04-29 17:50:02,2021-01-06 16:32:26,3916,108.0,47.0,15843,,,,21.0,21.0,10.0,19,1,,193.0,,, +15,openface,cmusatyalab openface.,https://github.com/cmusatyalab/openface,cmusatyalab/openface,./screenshots/openface.jpeg,人脸检测与识别,True,https://github.com/cmusatyalab/openface,Apache-2.0,2015-09-16 12:47:27,2023-10-25 21:16:29,2023-06-14 17:20:41,3499,10.0,371.0,15026,2016-02-25 17:42:46,0.2.1,4.0,75.0,75.0,30.0,22,2,,735.0,,, +16,the-gan-zoo,hindupuravinash the-gan-zoo.,https://github.com/hindupuravinash/the-gan-zoo,hindupuravinash/the-gan-zoo,./screenshots/the-gan-zoo.jpeg,生成对抗网络GAN,True,https://github.com/hindupuravinash/the-gan-zoo,MIT,2017-04-14 16:45:24,2023-10-06 18:30:38,2018-09-30 20:02:46,2498,18.0,17.0,14060,,,,21.0,21.0,23.0,19,1,,175.0,,, +17,nni,microsoft nni.,https://github.com/microsoft/nni,microsoft/nni,./screenshots/nni.png,模型压缩与优化,True,https://github.com/microsoft/nni,MIT,2018-06-01 05:51:44,2024-05-10 14:44:06,2023-10-26 05:31:53,1774,385.0,1682.0,13816,2023-09-14 12:12:06,3.0,40.0,647.0,647.0,192.0,25,1,,3012.0,,, +18,facenet,davidsandberg facenet.,https://github.com/davidsandberg/facenet,davidsandberg/facenet,./screenshots/facenet.jpeg,人脸检测与识别,True,https://github.com/davidsandberg/facenet,MIT,2016-02-12 22:14:40,2023-07-24 12:43:21,2018-04-16 17:32:11,4671,504.0,620.0,13560,,,,,,36.0,17,3,-1.0,566.0,,, +19,facebookresearch-detr,facebookresearch detr.,https://github.com/facebookresearch/detr,facebookresearch/detr,./screenshots/facebookresearch-detr.png,目标检测,True,https://github.com/facebookresearch/detr,Apache-2.0,2020-05-26 23:54:52,2024-03-12 15:58:25,2024-03-12 15:58:25,2257,240.0,286.0,12964,2020-06-29 16:41:01,0.2,1.0,21.0,21.0,27.0,19,3,,42.0,,, +20,PaddleDetection,PaddleDetection.,https://github.com/PaddlePaddle/PaddleDetection,PaddlePaddle/PaddleDetection,./screenshots/PaddleDetection.jpeg,目标检测,True,https://github.com/PaddlePaddle/PaddleDetection,Apache-2.0,2019-10-25 07:21:14,2024-05-27 09:14:25,2024-05-22 05:05:34,2799,1188.0,4135.0,12206,2023-10-19 03:47:18,2.7.0,9.0,,,159.0,19,3,,,,, +21,libfacedetection,ShiqiYu libfacedetection.,https://github.com/ShiqiYu/libfacedetection,ShiqiYu/libfacedetection,./screenshots/libfacedetection.png,人脸检测与识别,True,https://github.com/ShiqiYu/libfacedetection,,2015-01-20 07:47:20,2024-05-20 09:42:45,2023-08-01 09:55:36,2992,51.0,267.0,12089,2021-09-24 16:29:39,3.0,2.0,21.0,21.0,23.0,19,3,,208.0,,, +22,chineseocr_lite,DayBreak-u chineseocr_lite.,https://github.com/DayBreak-u/chineseocr_lite,DayBreak-u/chineseocr_lite,./screenshots/chineseocr_lite.png,OCR文字识别,True,https://github.com/DayBreak-u/chineseocr_lite,GPL-2.0,2020-02-27 10:01:29,2023-08-14 21:55:50,2023-05-20 22:25:02,2173,235.0,126.0,11552,,,,,,14.0,14,2,,34.0,,, +23,ganhacks,soumith ganhacks.,https://github.com/soumith/ganhacks,soumith/ganhacks,./screenshots/ganhacks.png,生成对抗网络GAN,True,https://github.com/soumith/ganhacks,,2016-12-09 16:09:27,2022-01-09 06:29:17,2020-03-05 00:50:04,1649,54.0,15.0,11367,,,,21.0,21.0,3.0,14,3,,6.0,,, +24,deep_learning_object_detection,hoya012 deep_learning_object_detection.,https://github.com/hoya012/deep_learning_object_detection,hoya012/deep_learning_object_detection,./screenshots/deep_learning_object_detection.png,目标检测,True,https://github.com/hoya012/deep_learning_object_detection,,2018-09-18 01:37:58,2024-02-12 09:30:31,2021-11-17 07:19:22,2743,4.0,23.0,11240,,,,,,9.0,13,3,-1.0,144.0,,, +25,carla,carla-simulator carla.,https://github.com/carla-simulator/carla,carla-simulator/carla,./screenshots/carla.jpeg,自动驾驶,True,https://github.com/carla-simulator/carla,MIT,2017-10-24 09:06:23,2024-05-27 11:55:09,2024-05-24 10:33:41,3288,1018.0,4142.0,10627,2023-11-11 12:51:52,0.9.15,26.0,715.0,715.0,187.0,26,2,,6030.0,,, +26,awesome-semantic-segmentation,awesome-semantic-segmentation.,https://github.com/mrgloom/awesome-semantic-segmentation,mrgloom/awesome-semantic-segmentation,./screenshots/awesome-semantic-segmentation.jpeg,图像分割,True,https://github.com/mrgloom/awesome-semantic-segmentation,,2015-10-03 10:07:34,2021-05-08 13:40:11,2021-03-08 14:36:09,2360,6.0,19.0,10361,,,,20.0,20.0,16.0,16,3,,417.0,,, +27,pix2pix,phillipi pix2pix.,https://github.com/phillipi/pix2pix,phillipi/pix2pix,./screenshots/pix2pix.jpeg,图图转换ImageTranslation,True,https://github.com/phillipi/pix2pix,,2016-11-16 22:48:50,2021-06-06 12:09:47,2020-08-05 01:16:42,1671,88.0,119.0,9958,,,,21.0,21.0,17.0,15,2,,130.0,,, +28,Keras-GAN,eriklindernoren Keras-GAN.,https://github.com/eriklindernoren/Keras-GAN,eriklindernoren/Keras-GAN,./screenshots/Keras-GAN.png,生成对抗网络GAN,True,https://github.com/eriklindernoren/Keras-GAN,MIT,2017-07-11 16:24:53,2022-12-12 05:55:51,2021-01-06 16:32:52,3068,123.0,101.0,9151,,,,21.0,21.0,16.0,18,2,,185.0,,, +29,vid2vid,NVIDIA vid2vid.,https://github.com/NVIDIA/vid2vid,NVIDIA/vid2vid,./screenshots/vid2vid.gif,图图转换ImageTranslation,True,https://github.com/NVIDIA/vid2vid,,2018-08-14 23:27:15,2022-05-17 05:09:30,2019-07-03 21:49:56,1193,102.0,65.0,8507,,,,21.0,21.0,4.0,15,2,,65.0,,, +30,PaddleSeg,PaddlePaddle PaddleSeg.,https://github.com/PaddlePaddle/PaddleSeg,PaddlePaddle/PaddleSeg,./screenshots/PaddleSeg.gif,图像分割,True,https://github.com/PaddlePaddle/PaddleSeg,Apache-2.0,2019-08-26 02:32:22,2024-05-27 12:01:23,2024-05-20 11:03:18,1637,214.0,1844.0,8330,2023-10-18 03:54:18,2.9.0,19.0,1201.0,1201.0,119.0,23,2,,,,, +31,U-2-Net,xuebinqin-U-2-Net.,https://github.com/xuebinqin/U-2-Net,xuebinqin/U-2-Net,./screenshots/xuebinqin-U-2-Net.png,目标检测,True,https://github.com/xuebinqin/U-2-Net,Apache-2.0,2020-05-04 17:10:28,2024-01-13 04:57:36,2024-01-13 04:57:35,1343,215.0,121.0,8199,,,,21.0,21.0,13.0,18,3,,281.0,,, +32,PaddleGAN,PaddlePaddle PaddleGAN.,https://github.com/PaddlePaddle/PaddleGAN,PaddlePaddle/PaddleGAN,./screenshots/PaddleGAN.png,生成对抗网络GAN,True,https://github.com/PaddlePaddle/PaddleGAN,Apache-2.0,2020-06-18 10:56:01,2024-04-11 12:07:49,2024-04-11 12:07:49,1216,111.0,240.0,7714,2022-01-04 07:14:10,2.1.0,3.0,,,54.0,19,1,,224.0,,, +33,openmmlab-mmsegmentation,openmmlab-mmsegmentation.,https://github.com/open-mmlab/mmsegmentation,open-mmlab/mmsegmentation,./screenshots/open-mmlab-mmsegmentation.png,图像分割,True,https://github.com/open-mmlab/mmsegmentation,Apache-2.0,2020-06-14 04:32:33,2024-05-26 17:53:50,2024-03-22 10:04:17,2148,653.0,1642.0,7533,2023-12-14 05:04:26,1.2.2,45.0,914.0,914.0,167.0,26,1,5.0,581.0,,, +34,CenterNet,xingyizhou-CenterNet.,https://github.com/xingyizhou/CenterNet,xingyizhou/CenterNet,./screenshots/xingyizhou-CenterNet.jpeg,目标检测,True,https://github.com/xingyizhou/CenterNet,MIT,2019-04-16 18:39:13,2023-03-02 14:23:04,2022-11-11 04:54:48,1857,439.0,559.0,7178,,,,21.0,21.0,15.0,16,3,,51.0,,, +35,Ultra-Light-Fast-Generic-Face-Detector-1MB,Linzaer Ultra-Light-Fast-Generic-Face-Detector-1MB.,https://github.com/Linzaer/Ultra-Light-Fast-Generic-Face-Detector-1MB,Linzaer/Ultra-Light-Fast-Generic-Face-Detector-1MB,./screenshots/Ultra-Light-Fast-Generic-Face-Detector-1MB.jpeg,人脸检测与识别,True,https://github.com/Linzaer/Ultra-Light-Fast-Generic-Face-Detector-1MB,MIT,2019-10-10 07:40:48,2023-12-29 15:39:12,2022-02-10 06:24:50,1514,123.0,142.0,7060,,,,,,16.0,15,3,,189.0,,, +36,BasicSR,xinntao BasicSR.,https://github.com/xinntao/BasicSR,xinntao/BasicSR,./screenshots/BasicSR.png,图像超分辨率,True,https://github.com/XPixelGroup/BasicSR,Apache-2.0,2018-04-19 18:58:00,2024-05-17 07:34:46,2024-05-17 07:34:46,1101,279.0,260.0,6285,2022-08-31 09:43:33,1.4.2,18.0,4155.0,4155.0,20.0,24,1,5.0,517.0,,,XPixelGroup/BasicSR +37,UGATIT,taki0112 UGATIT.,https://github.com/taki0112/UGATIT,taki0112/UGATIT,./screenshots/UGATIT.png,图图转换ImageTranslation,True,https://github.com/taki0112/UGATIT,MIT,2019-07-26 00:33:54,2021-05-20 03:23:05,2020-01-16 10:15:30,986,52.0,64.0,6168,,,,21.0,21.0,3.0,15,2,,50.0,,, +38,ESRGAN,xinntao ESRGAN.,https://github.com/xinntao/ESRGAN,xinntao/ESRGAN,./screenshots/ESRGAN.png,图像超分辨率,True,https://github.com/xinntao/ESRGAN,Apache-2.0,2018-08-31 08:18:41,2022-10-19 02:33:55,2021-07-27 19:32:01,964,86.0,43.0,5769,,,,,,,13,3,-1.0,61.0,,, +39,facebookresearch-mmf,facebookresearch mmf.,https://github.com/facebookresearch/mmf,facebookresearch/mmf,./screenshots/facebookresearch-mmf.png,图文转换ImageCaptioning与视觉问答VQA,True,https://github.com/facebookresearch/mmf,,2018-06-27 04:52:40,2024-05-25 03:02:04,2024-05-25 02:46:48,884,110.0,542.0,5425,2019-08-26 19:04:21,0.3.1,2.0,17.0,17.0,118.0,16,1,-1.0,,,, +40,srez,david-gpu srez.,https://github.com/david-gpu/srez,david-gpu/srez,./screenshots/srez.jpeg,图像超分辨率,True,https://github.com/david-gpu/srez,MIT,2016-08-26 22:22:09,2017-08-16 10:48:45,2016-10-18 02:29:50,651,,,5300,,,,,,4.0,13,3,,22.0,,, +41,PaddlePaddle-PaddleClas,PaddlePaddle PaddleClas.,https://github.com/PaddlePaddle/PaddleClas,PaddlePaddle/PaddleClas,./screenshots/PaddlePaddle-PaddleClas.png,图像分类,True,https://github.com/PaddlePaddle/PaddleClas,Apache-2.0,2020-03-30 04:27:42,2024-05-27 09:51:10,2024-05-15 08:25:53,1132,233.0,781.0,5290,2024-03-25 07:17:36,2.5.2,10.0,42.0,42.0,71.0,20,2,,,191.0,4.0, +42,PandaOCR,miaomiaosoft PandaOCR.,https://github.com/miaomiaosoft/PandaOCR,miaomiaosoft/PandaOCR,./screenshots/PandaOCR.png,OCR文字识别,True,https://github.com/miaomiaosoft/PandaOCR,,2018-05-16 19:56:02,2022-08-28 13:23:42,2022-08-28 13:23:42,659,59.0,209.0,5134,2022-03-16 06:18:51,2.72,60.0,20.0,20.0,,17,2,,272.0,13738.0,190.0, +43,gans-awesome-applications,nashory gans-awesome-applications.,https://github.com/nashory/gans-awesome-applications,nashory/gans-awesome-applications,./screenshots/gans-awesome-applications.png,生成对抗网络GAN,True,https://github.com/nashory/gans-awesome-applications,,2017-10-12 03:19:02,2023-08-24 07:51:31,2020-10-12 06:53:28,789,13.0,2.0,4876,,,,,,6.0,11,3,,33.0,,, +44,image-super-resolution,idealo image-super-resolution.,https://github.com/idealo/image-super-resolution,idealo/image-super-resolution,./screenshots/image-super-resolution.jpeg,图像超分辨率,True,https://github.com/idealo/image-super-resolution,Apache-2.0,2018-11-26 13:41:13,2024-03-12 11:21:52,2021-06-02 09:45:13,727,103.0,113.0,4523,2020-01-08 15:35:45,2.2.0,1.0,124.0,124.0,10.0,19,2,,150.0,,, +45,awesome-Face_Recognition,ChanChiChoi awesome-Face_Recognition.,https://github.com/ChanChiChoi/awesome-Face_Recognition,ChanChiChoi/awesome-Face_Recognition,./screenshots/awesome-Face_Recognition.jpeg,人脸检测与识别,True,https://github.com/ChanChiChoi/awesome-Face_Recognition,,2018-11-09 06:16:47,2023-02-09 07:02:58,2023-02-09 07:02:34,946,5.0,2.0,4402,,,,,,4.0,12,3,,156.0,,, +46,TNN,Tencent TNN.,https://github.com/Tencent/TNN,Tencent/TNN,./screenshots/TNN.png,模型压缩与优化,True,https://github.com/Tencent/TNN,,2020-05-29 07:20:28,2024-05-21 12:48:16,2023-09-27 09:15:24,733,298.0,649.0,4307,2021-04-26 14:23:12,0.3.0,1.0,,,81.0,17,2,,2511.0,3226.0,87.0, +47,microsoft-VoTT,microsoft VoTT.,https://github.com/microsoft/VoTT,microsoft/VoTT,./screenshots/microsoft-VoTT.png,目标检测,True,https://github.com/microsoft/VoTT,MIT,2016-12-29 13:32:23,2021-12-06 21:10:56,2021-12-06 21:10:56,813,233.0,241.0,4226,2020-06-02 23:16:17,2.2.0,21.0,3.0,3.0,21.0,21,2,,556.0,166875.0,1940.0, +48,facenet-pytorch,timesler facenet-pytorch.,https://github.com/timesler/facenet-pytorch,timesler/facenet-pytorch,./screenshots/facenet-pytorch.gif,人脸检测与识别,True,https://github.com/timesler/facenet-pytorch,MIT,2019-05-25 01:29:24,2024-05-10 20:41:29,2024-04-05 14:20:01,840,66.0,106.0,4223,2023-04-07 19:27:35,2.5.3,7.0,1820.0,1820.0,17.0,26,1,,251.0,994857.0,18423.0, +49,tensorflow-generative-model-collections,hwalsuklee tensorflow-generative-model-collections.,https://github.com/hwalsuklee/tensorflow-generative-model-collections,hwalsuklee/tensorflow-generative-model-collections,./screenshots/tensorflow-generative-model-collections.png,生成对抗网络GAN,True,https://github.com/hwalsuklee/tensorflow-generative-model-collections,Apache-2.0,2017-08-24 14:24:02,2022-08-08 09:39:51,2018-03-23 00:34:56,834,19.0,8.0,3902,,,,,,6.0,13,3,,76.0,,, +50,really-awesome-gan,nightrome really-awesome-gan.,https://github.com/nightrome/really-awesome-gan,nightrome/really-awesome-gan,./screenshots/really-awesome-gan.png,生成对抗网络GAN,True,https://github.com/nightrome/really-awesome-gan,,2017-04-03 14:49:43,2022-09-19 11:42:25,2022-09-19 11:42:25,683,,7.0,3695,,,,,,15.0,11,3,,137.0,,, +51,deep-text-recognition-benchmark,clovaai deep-text-recognition-benchmark.,https://github.com/clovaai/deep-text-recognition-benchmark,clovaai/deep-text-recognition-benchmark,./screenshots/chinese_ocr.jpeg,OCR文字识别,True,https://github.com/clovaai/deep-text-recognition-benchmark,Apache-2.0,2019-04-03 07:24:05,2024-03-04 10:24:54,2023-07-16 06:04:32,1045,220.0,163.0,3648,,,,,,14.0,14,2,,148.0,,, +52,open-mmlab-mmtracking,PaddleDetection.,https://github.com/open-mmlab/mmtracking,open-mmlab/mmtracking,./screenshots/open-mmlab-mmtracking.gif,目标检测,True,https://github.com/open-mmlab/mmtracking,Apache-2.0,2020-08-29 06:16:56,2023-09-19 07:31:38,2023-04-25 13:25:18,572,249.0,208.0,3400,2022-10-11 09:03:37,1.0.0rc1,15.0,405.0,405.0,38.0,20,3,,309.0,,, +53,open-mmlab-mmclassification,open-mmlab mmclassification.,https://github.com/open-mmlab/mmclassification,open-mmlab/mmclassification,./screenshots/open-mmlab-mmclassification.png,图像分类,True,https://github.com/open-mmlab/mmpretrain,Apache-2.0,2020-07-09 16:25:04,2024-05-07 13:43:44,2024-01-04 12:43:27,1002,167.0,585.0,3221,2023-07-31 11:36:36,1.0.1,36.0,234.0,234.0,129.0,22,2,,630.0,,,open-mmlab/mmpretrain +54,srgan,tensorlayer srgan.,https://github.com/tensorlayer/srgan,tensorlayer/srgan,./screenshots/srgan.jpeg,图像超分辨率,True,https://github.com/tensorlayer/SRGAN,,2017-04-20 17:08:27,2024-02-22 02:05:20,2024-02-22 02:05:20,806,144.0,103.0,3219,2019-07-28 14:45:22,1.4.1,9.0,,,9.0,14,2,,133.0,4928.0,59.0, +55,pixel2style2pixel,eladrich pixel2style2pixel.,https://github.com/eladrich/pixel2style2pixel,eladrich/pixel2style2pixel,./screenshots/pixel2style2pixel.png,图图转换ImageTranslation,True,https://github.com/eladrich/pixel2style2pixel,MIT,2020-10-01 11:01:03,2022-10-01 11:23:39,2022-10-01 11:23:39,544,6.0,310.0,3135,,,,,,5.0,13,3,,58.0,,, +56,TuSimple-simpledet,TuSimple simpledet.,https://github.com/TuSimple/simpledet,TuSimple/simpledet,./screenshots/TuSimple-simpledet.png,目标检测,True,https://github.com/tusen-ai/simpledet,Apache-2.0,2019-01-29 08:28:55,2021-09-23 02:57:09,2021-09-23 02:57:09,476,43.0,213.0,3078,,,,,,18.0,13,3,,139.0,,,tusen-ai/simpledet +57,captcha_trainer,kerlomz captcha_trainer.,https://github.com/kerlomz/captcha_trainer,kerlomz/captcha_trainer,./screenshots/captcha_trainer.png,OCR文字识别,True,https://github.com/kerlomz/captcha_trainer,Apache-2.0,2018-08-17 06:17:47,2022-10-24 21:17:36,2022-10-24 21:17:32,803,63.0,38.0,2936,,,,,,4.0,14,2,,204.0,,, +58,CHINESE-OCR,xiaofengShi CHINESE-OCR.,https://github.com/xiaofengShi/CHINESE-OCR,xiaofengShi/CHINESE-OCR,./screenshots/CHINESE-OCR.png,OCR文字识别,True,https://github.com/xiaofengShi/CHINESE-OCR,,2018-04-14 14:32:16,2019-08-13 03:48:30,2019-07-06 08:11:15,944,151.0,21.0,2896,,,,,,2.0,10,3,,25.0,,, +59,image-segmentation-keras,divamgupta image-segmentation-keras.,https://github.com/divamgupta/image-segmentation-keras,divamgupta/image-segmentation-keras,./screenshots/image-segmentation-keras.png,图像分割,True,https://github.com/divamgupta/image-segmentation-keras,MIT,2017-03-20 20:48:54,2024-05-12 08:11:21,2023-08-01 03:37:20,1107,153.0,194.0,2846,,,1.0,,,20.0,17,2,,256.0,1472.0,24.0, +60,PocketFlow,Tencent PocketFlow.,https://github.com/Tencent/PocketFlow,Tencent/PocketFlow,./screenshots/PocketFlow.png,模型压缩与优化,True,https://github.com/Tencent/PocketFlow,,2018-10-31 07:45:21,2023-03-31 22:23:33,2019-05-28 02:57:14,489,73.0,202.0,2782,,,,,,11.0,12,3,,214.0,,, +61,awesome-image-classification,weiaicunzai awesome-image-classification.,https://github.com/weiaicunzai/awesome-image-classification,weiaicunzai/awesome-image-classification,./screenshots/awesome-image-classification.png,图像分类,True,https://github.com/weiaicunzai/awesome-image-classification,,2012-05-23 14:07:04,2022-04-20 15:52:51,2022-04-20 09:49:35,580,1.0,,2745,,,,,,2.0,10,3,,57.0,,, +62,chinese_ocr,YCG09 chinese_ocr.,https://github.com/YCG09/chinese_ocr,YCG09/chinese_ocr,./screenshots/chinese_ocr.png,OCR文字识别,True,https://github.com/YCG09/chinese_ocr,Apache-2.0,2018-03-16 06:52:08,2019-10-08 03:48:03,2019-10-08 03:48:28,1060,263.0,111.0,2724,,,,,,,12,3,,13.0,,, +63,captcha_break,ypwhs captcha_break.,https://github.com/ypwhs/captcha_break,ypwhs/captcha_break,./screenshots/captcha_break.png,OCR文字识别,True,https://github.com/ypwhs/captcha_break,MIT,2017-02-21 14:04:20,2022-02-25 08:48:08,2020-01-10 13:03:53,657,48.0,18.0,2677,2019-06-18 13:05:05,2.0,2.0,,,2.0,12,3,,12.0,712.0,12.0, +64,NVlabs-MUNIT,NVlabs MUNIT.,https://github.com/NVlabs/MUNIT,NVlabs/MUNIT,./screenshots/NVlabs-MUNIT.jpeg,图图转换ImageTranslation,True,https://github.com/NVlabs/MUNIT,,2018-03-30 21:56:14,2022-09-20 12:23:52,2021-11-11 23:45:33,476,61.0,42.0,2621,,,1.0,,,5.0,11,3,,87.0,,, +65,pytorch-generative-model-collections,znxlwm pytorch-generative-model-collections.,https://github.com/znxlwm/pytorch-generative-model-collections,znxlwm/pytorch-generative-model-collections,./screenshots/pytorch-generative-model-collections.png,生成对抗网络GAN,True,https://github.com/znxlwm/pytorch-generative-model-collections,,2017-08-31 03:58:25,2020-04-12 11:55:29,2018-06-12 09:57:00,532,24.0,5.0,2571,,,,,,2.0,10,3,,87.0,,, +66,Image_Segmentation,LeeJunHyun Image_Segmentation.,https://github.com/LeeJunHyun/Image_Segmentation,LeeJunHyun/Image_Segmentation,./screenshots/LeeJunHyun-Image_Segmentation.jpeg,图像分割,True,https://github.com/LeeJunHyun/Image_Segmentation,,2018-06-18 08:27:27,2023-06-30 05:20:58,2023-06-30 05:20:58,573,,90.0,2561,,,,,,,10,3,,13.0,,, +67,UGATIT-pytorch,znxlwm UGATIT-pytorch.,https://github.com/znxlwm/UGATIT-pytorch,znxlwm/UGATIT-pytorch,./screenshots/UGATIT-pytorch.jpeg,图图转换ImageTranslation,True,https://github.com/znxlwm/UGATIT-pytorch,MIT,2019-07-29 07:44:56,2023-03-16 02:38:05,2019-10-15 02:58:17,479,48.0,23.0,2502,,,,,,2.0,11,3,,17.0,,, +68,ctrip-OCR,ctripcorp C-OCR.,https://github.com/ctripcorp/C-OCR,ctripcorp/C-OCR,./screenshots/C-OCR.png,OCR文字识别,True,https://github.com/ctripcorp/C-OCR,,2019-04-11 06:07:08,2024-02-14 13:11:42,2019-05-08 09:56:49,612,16.0,2.0,2362,,,,,,,10,3,,11.0,,, +69,Awesome-Super-Resolution,ChaofWang Awesome-Super-Resolution.,https://github.com/ChaofWang/Awesome-Super-Resolution,ChaofWang/Awesome-Super-Resolution,./screenshots/Awesome-Super-Resolution.jpeg,图像超分辨率,True,https://github.com/ChaofWang/Awesome-Super-Resolution,,2019-04-20 15:32:50,2024-04-29 02:59:26,2024-04-29 02:59:26,332,2.0,5.0,2288,,,,,,5.0,13,3,,272.0,,, +70,AutonomousDrivingCookbook,microsoft AutonomousDrivingCookbook.,https://github.com/microsoft/AutonomousDrivingCookbook,microsoft/AutonomousDrivingCookbook,./screenshots/AutonomousDrivingCookbook.jpeg,自动驾驶,True,https://github.com/microsoft/AutonomousDrivingCookbook,MIT,2017-11-30 20:51:02,2023-06-12 19:32:09,2023-06-12 19:32:09,539,35.0,88.0,2284,,,,,,6.0,13,3,,48.0,,, +71,awesome-gan-for-medical-imaging,xinario awesome-gan-for-medical-imaging.,https://github.com/xinario/awesome-gan-for-medical-imaging,xinario/awesome-gan-for-medical-imaging,./screenshots/awesome-gan-for-medical-imaging.png,医疗影像,True,https://github.com/xinario/awesome-gan-for-medical-imaging,,2017-08-23 20:38:25,2022-05-29 21:59:19,2022-05-29 21:59:19,435,,4.0,2240,,,,,,12.0,11,3,,89.0,,, +72,micronet,666DZY666 micronet.,https://github.com/666DZY666/micronet,666DZY666/micronet,./screenshots/micronet.png,模型压缩与优化,True,https://github.com/666DZY666/micronet,MIT,2019-12-04 15:56:29,2021-10-06 09:46:07,2021-10-06 09:39:17,446,91.0,18.0,2189,,,,1.0,1.0,2.0,13,3,,295.0,,, +73,awesome-autonomous-vehicles,manfreddiaz awesome-autonomous-vehicles.,https://github.com/manfreddiaz/awesome-autonomous-vehicles,manfreddiaz/awesome-autonomous-vehicles,./screenshots/awesome-autonomous-vehicles.jpeg,自动驾驶,True,https://github.com/manfreddiaz/awesome-autonomous-vehicles,,2016-12-09 20:07:33,2024-03-15 17:19:11,2023-05-31 18:54:08,536,,5.0,2115,,,,,,10.0,12,3,,77.0,,, +74,facebookresearch-pycls,facebookresearch pycls.,https://github.com/facebookresearch/pycls,facebookresearch/pycls,./screenshots/facebookresearch-pycls.png,图像分类,True,https://github.com/facebookresearch/pycls,MIT,2019-06-10 22:47:17,2024-03-20 15:45:40,2023-08-26 20:55:56,230,25.0,56.0,2113,2021-05-21 00:29:47,0.2,2.0,18.0,18.0,19.0,16,3,,,,, +75,medical-imaging-datasets,sfikas medical-imaging-datasets.,https://github.com/sfikas/medical-imaging-datasets,sfikas/medical-imaging-datasets,./screenshots/medical-imaging-datasets.png,医疗影像,True,https://github.com/sfikas/medical-imaging-datasets,,2017-05-11 10:14:19,2024-05-18 21:35:37,2021-12-14 05:30:14,390,3.0,2.0,2056,,,,,,8.0,12,3,,29.0,,, +76,ObjectDetection-OneStageDet,Tencent ObjectDetection-OneStageDet.,https://github.com/Tencent/ObjectDetection-OneStageDet,Tencent/ObjectDetection-OneStageDet,./screenshots/ObjectDetection-OneStageDet.png,目标检测,True,https://github.com/Tencent/ObjectDetection-OneStageDet,,2018-12-19 04:01:16,2020-06-03 07:39:32,2020-06-03 07:39:31,488,51.0,54.0,1965,,,,,,2.0,9,3,,3.0,,, +77,aimet,quic aimet.,https://github.com/quic/aimet,quic/aimet,./screenshots/aimet.png,模型压缩与优化,True,https://github.com/quic/aimet,,2020-04-21 18:57:10,2024-05-24 21:51:28,2024-05-24 21:51:28,349,165.0,1106.0,1948,2024-03-25 17:57:32,1.31.0,29.0,,,59.0,17,2,5.0,1.0,88367.0,2155.0, +78,Single-Image-Super-Resolution,YapengTian Single-Image-Super-Resolution.,https://github.com/YapengTian/Single-Image-Super-Resolution,YapengTian/Single-Image-Super-Resolution,./screenshots/Single-Image-Super-Resolution.png,图像超分辨率,True,https://github.com/YapengTian/Single-Image-Super-Resolution,,2016-10-09 16:11:13,2023-06-20 16:54:31,2023-06-20 16:54:31,360,1.0,,1823,,,,,,10.0,11,3,,144.0,,, +79,MedicalZooPytorch,black0017-MedicalZooPytorch.,https://github.com/black0017/MedicalZooPytorch,black0017/MedicalZooPytorch,./screenshots/MedicalZooPytorch.png,图像分割,True,https://github.com/black0017/MedicalZooPytorch,MIT,2019-07-23 11:00:46,2022-04-01 08:28:23,2022-02-07 10:14:05,288,19.0,6.0,1634,,,,,,5.0,13,3,,122.0,,, +80,MedicalZoo-Pytorch,black0017 MedicalZooPytorch.,https://github.com/black0017/MedicalZooPytorch,black0017/MedicalZooPytorch,./screenshots/MedicalZooPytorch.png,医疗影像,True,https://github.com/black0017/MedicalZooPytorch,MIT,2019-07-23 11:00:46,2022-04-01 08:28:23,2022-02-07 10:14:05,288,19.0,6.0,1634,,,,,,5.0,13,3,,122.0,,, +81,pytorch_GAN_zoo,facebookresearch pytorch_GAN_zoo.,https://github.com/facebookresearch/pytorch_GAN_zoo,facebookresearch/pytorch_GAN_zoo,./screenshots/pytorch_GAN_zoo.png,生成对抗网络GAN,True,https://github.com/facebookresearch/pytorch_GAN_zoo,BSD-3-Clause,2019-01-17 09:52:30,2021-10-12 21:33:09,2020-05-14 15:13:10,263,31.0,34.0,1601,,,,,,5.0,12,3,,,,, +82,facebookresearch-ClassyVision,facebookresearch ClassyVision.,https://github.com/facebookresearch/ClassyVision,facebookresearch/ClassyVision,./screenshots/facebookresearch-ClassyVision.png,图像分类,True,https://github.com/facebookresearch/ClassyVision,MIT,2019-09-13 22:54:44,2023-05-08 19:21:37,2023-03-23 14:35:34,276,13.0,64.0,1585,2023-03-21 05:24:19,0.7.0,7.0,,,77.0,15,3,-2.0,,,, +83,VideoSuperResolution,LoSealL VideoSuperResolution.,https://github.com/LoSealL/VideoSuperResolution,LoSealL/VideoSuperResolution,./screenshots/VideoSuperResolution.jpeg,图像超分辨率,True,https://github.com/LoSealL/VideoSuperResolution,MIT,2018-06-04 08:42:05,2020-09-11 14:36:45,2020-07-29 09:57:52,293,8.0,88.0,1582,2019-03-15 08:36:20,0.6.4,1.0,,,2.0,14,2,,456.0,,, +84,gen-efficientnet-pytorch,rwightman gen-efficientnet-pytorch.,https://github.com/rwightman/gen-efficientnet-pytorch,rwightman/gen-efficientnet-pytorch,./screenshots/gen-efficientnet-pytorch.png,图像分类,True,https://github.com/rwightman/gen-efficientnet-pytorch,Apache-2.0,2019-05-11 19:35:56,2022-07-01 09:55:35,2021-07-08 19:03:55,205,4.0,51.0,1564,,,,232.0,232.0,5.0,17,3,,108.0,,, +85,Deep-Learning-for-Medical-Applications,albarqouni Deep-Learning-for-Medical-Applications.,https://github.com/albarqouni/Deep-Learning-for-Medical-Applications,albarqouni/Deep-Learning-for-Medical-Applications,./screenshots/Deep-Learning-for-Medical-Applications.png,医疗影像,True,https://github.com/albarqouni/Deep-Learning-for-Medical-Applications,GPL-3.0,2017-03-11 12:28:04,2022-04-01 08:51:47,2019-04-09 06:32:22,472,1.0,1.0,1538,,,,,,11.0,12,3,,50.0,,, +86,PaddleSlim,PaddlePaddle PaddleSlim.,https://github.com/PaddlePaddle/PaddleSlim,PaddlePaddle/PaddleSlim,./screenshots/PaddleSlim.png,模型压缩与优化,True,https://github.com/PaddlePaddle/PaddleSlim,Apache-2.0,2019-12-16 02:56:50,2024-05-16 07:48:53,2024-03-28 05:22:09,346,65.0,474.0,1531,2024-01-03 12:39:19,2.6.0,9.0,469.0,469.0,55.0,21,2,,,,, +87,DeepFace,RiweiChen DeepFace.,https://github.com/RiweiChen/DeepFace,RiweiChen/DeepFace,./screenshots/DeepFace.jpeg,人脸检测与识别,True,https://github.com/RiweiChen/DeepFace,,2015-11-12 13:42:57,2016-09-11 09:12:56,2016-09-11 09:09:48,609,15.0,22.0,1488,,,,,,2.0,10,3,,25.0,,, +88,model-optimization,tensorflow model-optimization.,https://github.com/tensorflow/model-optimization,tensorflow/model-optimization,./screenshots/model-optimization.png,模型压缩与优化,True,https://github.com/tensorflow/model-optimization,Apache-2.0,2018-10-31 20:34:28,2024-05-02 22:47:28,2024-05-02 22:47:23,310,180.0,167.0,1473,2024-02-08 02:06:46,0.8.0,21.0,3805.0,3805.0,85.0,24,2,,830.0,,, +89,super-resolution,krasserm super-resolution.,https://github.com/krasserm/super-resolution,krasserm/super-resolution,./screenshots/super-resolution.jpeg,图像超分辨率,True,https://github.com/krasserm/super-resolution,Apache-2.0,2018-10-17 10:46:49,2022-05-13 11:47:05,2022-05-13 11:45:33,347,52.0,51.0,1471,,,,,,,13,3,,65.0,,, +90,DLTK,DLTK DLTK.,https://github.com/DLTK/DLTK,DLTK/DLTK,./screenshots/DLTK.jpeg,医疗影像,True,https://github.com/DLTK/DLTK,Apache-2.0,2017-05-02 15:40:36,2023-03-24 22:27:46,2019-01-21 14:01:28,398,7.0,24.0,1420,,,,31.0,31.0,9.0,16,2,,379.0,,, +91,bottom-up-attention,peteanderson80 bottom-up-attention.,https://github.com/peteanderson80/bottom-up-attention,peteanderson80/bottom-up-attention,./screenshots/bottom-up-attention.jpeg,图文转换ImageCaptioning与视觉问答VQA,True,https://github.com/peteanderson80/bottom-up-attention,MIT,2017-05-26 23:00:39,2023-02-03 04:27:32,2021-02-14 19:08:48,342,67.0,48.0,1409,,,,,,5.0,13,1,,55.0,,, +92,DBFace,dlunion DBFace.,https://github.com/dlunion/DBFace,dlunion/DBFace,./screenshots/DBFace.png,人脸检测与识别,True,https://github.com/dlunion/DBFace,,2020-03-21 07:00:43,2021-07-06 06:03:28,2021-07-06 06:03:28,295,38.0,16.0,1334,,,,,,5.0,11,3,,55.0,,, +93,pytorch_image_classification,hysts pytorch_image_classification.,https://github.com/hysts/pytorch_image_classification,hysts/pytorch_image_classification,./screenshots/pytorch_image_classification.png,图像分类,True,https://github.com/hysts/pytorch_image_classification,MIT,2017-12-09 22:32:57,2021-12-12 18:03:27,2021-12-12 18:02:19,287,,29.0,1322,,,,,,,14,3,,185.0,,, +94,LFFD-A-Light-and-Fast-Face-Detector-for-Edge-Devices,YonghaoHe LFFD-A-Light-and-Fast-Face-Detector-for-Edge-Devices.,https://github.com/YonghaoHe/LFFD-A-Light-and-Fast-Face-Detector-for-Edge-Devices,YonghaoHe/LFFD-A-Light-and-Fast-Face-Detector-for-Edge-Devices,./screenshots/LFFD-A-Light-and-Fast-Face-Detector-for-Edge-Devices.png,行人检测,True,https://github.com/YonghaoHe/LFFD-A-Light-and-Fast-Face-Detector-for-Edge-Devices,MIT,2019-07-23 03:29:59,2021-03-08 16:10:22,2021-03-08 16:10:22,323,44.0,59.0,1306,,,,,,3.0,12,2,,18.0,,, +95,medical-detection-toolkit,MIC-DKFZ medicaldetectiontoolkit.,https://github.com/MIC-DKFZ/medicaldetectiontoolkit,MIC-DKFZ/medicaldetectiontoolkit,./screenshots/medicaldetectiontoolkit.png,图像分割,True,https://github.com/MIC-DKFZ/medicaldetectiontoolkit,Apache-2.0,2018-10-12 12:34:57,2024-04-03 18:25:21,2022-04-04 08:29:54,290,39.0,85.0,1274,,,,,,3.0,14,3,,41.0,,, +96,Data-Efficient-Model-Compression,huawei-noah Data-Efficient-Model-Compression.,https://github.com/huawei-noah/Data-Efficient-Model-Compression,huawei-noah/Data-Efficient-Model-Compression,./screenshots/Data-Efficient-Model-Compression.png,模型压缩与优化,True,https://github.com/huawei-noah/Efficient-Computing,,2019-09-04 10:39:36,2024-04-08 09:17:21,2024-04-08 01:54:57,194,14.0,104.0,1123,,,,,,15.0,13,3,,149.0,,,huawei-noah/Efficient-Computing +97,awesome-image-captioning,zhjohnchan awesome-image-captioning.,https://github.com/zhjohnchan/awesome-image-captioning,zhjohnchan/awesome-image-captioning,./screenshots/awesome-image-captioning.png,图文转换ImageCaptioning与视觉问答VQA,True,https://github.com/zhjohnchan/awesome-image-captioning,,2018-08-16 07:52:51,2023-03-28 09:36:40,2022-05-25 08:45:24,184,2.0,7.0,1046,,,,,,7.0,10,3,,60.0,,, +98,microsoft-Oscar,microsoft Oscar.,https://github.com/microsoft/Oscar,microsoft/Oscar,./screenshots/microsoft-Oscar.png,图文转换ImageCaptioning与视觉问答VQA,True,https://github.com/microsoft/Oscar,MIT,2020-05-14 18:14:43,2023-08-28 01:34:59,2023-08-28 01:34:58,244,137.0,64.0,1033,,,,,,6.0,12,2,,28.0,,, +99,SMARTS,huawei-noah SMARTS.,https://github.com/huawei-noah/SMARTS,huawei-noah/SMARTS,./screenshots/SMARTS.png,自动驾驶,True,https://github.com/huawei-noah/SMARTS,MIT,2020-10-07 02:11:23,2024-05-20 23:07:32,2024-05-20 23:07:31,180,199.0,801.0,892,2024-03-28 13:52:53,2.0.1,37.0,,,17.0,17,2,,825.0,141.0,3.0, +100,instagan,sangwoomo instagan.,https://github.com/sangwoomo/instagan,sangwoomo/instagan,./screenshots/instagan.png,图图转换ImageTranslation,True,https://github.com/sangwoomo/instagan,,2018-12-16 20:00:10,2021-10-28 20:16:02,2021-10-28 20:16:02,160,11.0,53.0,841,,,,,,31.0,12,3,,321.0,,, +101,medicaltorch,perone medicaltorch.,https://github.com/perone/medicaltorch,perone/medicaltorch,./screenshots/medicaltorch.png,医疗影像,True,https://github.com/perone/medicaltorch,Apache-2.0,2018-02-27 02:50:07,2024-04-26 17:46:05,2021-04-16 18:50:54,121,15.0,9.0,836,2018-11-24 00:33:11,0.2,1.0,16.0,16.0,8.0,14,2,,57.0,,, +102,DRIT,HsinYingLee DRIT.,https://github.com/HsinYingLee/DRIT,HsinYingLee/DRIT,./screenshots/DRIT.jpeg,图图转换ImageTranslation,True,https://github.com/HsinYingLee/DRIT,,2018-03-26 00:31:06,2020-08-05 02:33:28,2020-07-07 20:47:25,151,27.0,34.0,831,,,,,,5.0,10,3,,105.0,,, +103,pytorch-segmentation-detection,pytorch-segmentation-detection.,https://github.com/warmspringwinds/pytorch-segmentation-detection,warmspringwinds/pytorch-segmentation-detection,./screenshots/pytorch-segmentation-detection.png,图像分割,True,https://github.com/warmspringwinds/pytorch-segmentation-detection,MIT,2017-06-10 16:57:15,2022-03-28 17:43:02,2022-03-28 17:43:02,167,14.0,6.0,741,,,,,,4.0,13,3,,266.0,,, +104,Pedestron,hasanirtiza Pedestron.,https://github.com/hasanirtiza/Pedestron,hasanirtiza/Pedestron,./screenshots/Pedestron.png,行人检测,True,https://github.com/hasanirtiza/Pedestron,Apache-2.0,2020-03-15 05:52:52,2024-01-23 21:11:48,2024-01-23 21:11:48,147,,162.0,680,,,,,,56.0,13,1,,884.0,,, +105,MITK,MITK MITK.,https://github.com/MITK/MITK,MITK/MITK,./screenshots/MITK.jpeg,医疗影像,True,https://github.com/MITK/MITK,BSD-3-Clause,2011-05-17 13:21:51,2024-05-27 12:13:11,2024-05-02 07:32:57,300,1.0,1.0,652,2023-11-30 17:48:32,2023.12,8.0,,,306.0,20,1,,44771.0,2098.0,33.0, +106,Awesome-model-compression-and-acceleration,memoiry Awesome-model-compression-and-acceleration.,https://github.com/memoiry/Awesome-model-compression-and-acceleration,memoiry/Awesome-model-compression-and-acceleration,./screenshots/Awesome-model-compression-and-acceleration.png,模型压缩与优化,True,https://github.com/memoiry/Awesome-model-compression-and-acceleration,,2018-03-19 07:31:31,2021-08-25 14:37:18,2021-08-25 14:37:18,119,2.0,,652,,,,,,6.0,8,3,,13.0,,, +107,awesome-visual-question-answering,jokieleung awesome-visual-question-answering.,https://github.com/jokieleung/awesome-visual-question-answering,jokieleung/awesome-visual-question-answering,./screenshots/awesome-visual-question-answering.jpeg,图文转换ImageCaptioning与视觉问答VQA,True,https://github.com/jokieleung/awesome-visual-question-answering,,2019-03-03 13:32:39,2023-07-06 00:38:03,2023-02-09 11:41:41,93,1.0,2.0,647,,,,,,8.0,9,3,,36.0,,, +108,Awesome-Autonomous-Driving,autonomousdrivingkr Awesome-Autonomous-Driving.,https://github.com/autonomousdrivingkr/Awesome-Autonomous-Driving,autonomousdrivingkr/Awesome-Autonomous-Driving,./screenshots/Awesome-Autonomous-Driving.gif,自动驾驶,True,https://github.com/autonomousdrivingkr/Awesome-Autonomous-Driving,,2019-02-10 19:21:45,2023-09-28 19:25:40,2023-03-14 12:03:56,135,,,532,,,,,,8.0,9,3,,45.0,,, +109,meshed-memory-transformer,aimagelab meshed-memory-transformer.,https://github.com/aimagelab/meshed-memory-transformer,aimagelab/meshed-memory-transformer,./screenshots/meshed-memory-transformer.png,图文转换ImageCaptioning与视觉问答VQA,True,https://github.com/aimagelab/meshed-memory-transformer,BSD-3-Clause,2019-12-12 18:02:41,2022-12-21 15:22:39,2022-12-21 15:22:39,132,49.0,48.0,506,,,,,,3.0,10,3,,10.0,,, +110,conceptual-captions,google-research-datasets conceptual-captions.,https://github.com/google-research-datasets/conceptual-captions,google-research-datasets/conceptual-captions,./screenshots/conceptual-captions.png,图文转换ImageCaptioning与视觉问答VQA,True,https://github.com/google-research-datasets/conceptual-captions,,2018-05-10 22:24:40,2021-08-21 16:18:14,2021-01-13 20:07:51,24,7.0,11.0,491,,,,,,6.0,8,3,,12.0,,, +111,NVIDIA-tf_to_trt_image_classification,NVIDIA-AI-IOT tf_to_trt_image_classification.,https://github.com/NVIDIA-AI-IOT/tf_to_trt_image_classification,NVIDIA-AI-IOT/tf_to_trt_image_classification,./screenshots/tf_to_trt_image_classification.png,图像分类,True,https://github.com/NVIDIA-AI-IOT/tf_to_trt_image_classification,BSD-3-Clause,2018-03-01 23:52:57,2020-11-10 02:45:21,2018-11-01 23:28:15,150,33.0,14.0,453,,,,,,3.0,12,3,,28.0,,, +112,Awesome-Visual-Captioning,forence Awesome-Visual-Captioning.,https://github.com/forence/Awesome-Visual-Captioning,forence/Awesome-Visual-Captioning,./screenshots/Awesome-Visual-Captioning.png,图文转换ImageCaptioning与视觉问答VQA,True,https://github.com/forence/Awesome-Visual-Captioning,,2019-01-14 09:12:59,2022-11-14 03:24:29,2022-11-14 03:24:29,49,,4.0,414,,,,,,,9,3,,67.0,,, +113,Pedestrian-Detection,thatbrguy Pedestrian-Detection.,https://github.com/thatbrguy/Pedestrian-Detection,thatbrguy/Pedestrian-Detection,./screenshots/Pedestrian-Detection.jpeg,行人检测,True,https://github.com/thatbrguy/Pedestrian-Detection,,2018-07-30 12:39:13,2019-09-04 13:12:32,2018-08-25 04:51:40,135,3.0,8.0,356,,,,,,,8,3,,19.0,,, +114,PedestrianDetectionSystem,zhangpengpengpeng PedestrianDetectionSystem.,https://github.com/zhangpengpengpeng/PedestrianDetectionSystem,zhangpengpengpeng/PedestrianDetectionSystem,./screenshots/PedestrianDetectionSystem.jpeg,行人检测,True,https://github.com/WebPrague/PedestrianDetectionSystem,Apache-2.0,2018-12-03 11:10:37,2023-02-27 07:01:35,2023-02-27 07:01:35,120,2.0,27.0,328,2019-01-18 02:12:57,1.0,1.0,,,5.0,11,3,,109.0,643.0,10.0,WebPrague/PedestrianDetectionSystem +115,MILVLG-openvqa,MILVLG openvqa.,https://github.com/MILVLG/openvqa,MILVLG/openvqa,./screenshots/MILVLG-openvqa.png,图文转换ImageCaptioning与视觉问答VQA,True,https://github.com/MILVLG/openvqa,Apache-2.0,2019-07-04 03:32:35,2021-09-03 12:54:09,2021-09-03 12:54:08,61,6.0,23.0,309,,,,,,8.0,12,2,,254.0,,, +116,Image-Caption-Generator,dabasajay Image-Caption-Generator.,https://github.com/dabasajay/Image-Caption-Generator,dabasajay/Image-Caption-Generator,./screenshots/Image-Caption-Generator.jpeg,图文转换ImageCaptioning与视觉问答VQA,True,https://github.com/dabasajay/Image-Caption-Generator,MIT,2018-08-10 13:33:49,2020-10-01 07:13:57,2019-11-22 12:21:54,80,13.0,5.0,274,,,,,,3.0,11,2,,88.0,,, +117,image-captioning,JDAI-CV image-captioning.,https://github.com/JDAI-CV/image-captioning,JDAI-CV/image-captioning,./screenshots/JDAI-CV-image-captioning.png,图文转换ImageCaptioning与视觉问答VQA,True,https://github.com/JDAI-CV/image-captioning,,2020-03-26 09:33:13,2021-07-27 06:06:31,2021-07-27 06:06:31,50,5.0,28.0,269,,,,,,2.0,7,3,,9.0,,, +118,Pedestrian-Detection-papers,xingkongliang Pedestrian-Detection.,https://github.com/xingkongliang/Pedestrian-Detection,xingkongliang/Pedestrian-Detection,./screenshots/Pedestrian-Detection-papers.png,行人检测,True,https://github.com/xingkongliang/Pedestrian-Detection,,2018-09-18 09:22:28,2020-04-29 04:13:17,2020-04-29 04:13:16,52,1.0,1.0,259,,,,,,,8,3,,13.0,,, diff --git a/latest-changes.md b/latest-changes.md index 1dd8357..9adc995 100644 --- a/latest-changes.md +++ b/latest-changes.md @@ -2,19 +2,19 @@ _Projects that have a higher project-quality score compared to the last update. There might be a variety of reasons, such as increased downloads or code activity._ -- EasyOCR (🥇29 · ⭐ 13K · 📈) - JaidedAI EasyOCR. Apache-2 -- libfacedetection (🥉18 · ⭐ 11K · 📈) - ShiqiYu libfacedetection. ❗Unlicensed -- PyTorch-GAN (🥈17 · ⭐ 10K · 📈) - eriklindernoren PyTorch-GAN. MIT -- nni (🥇25 · ⭐ 10K · 📈) - microsoft nni. MIT -- microsoft-Oscar (🥇13 · ⭐ 670 · 📈) - microsoft Oscar. MIT +- tesseract (🥈23 · ⭐ 59K · 📈) - tesseract-ocr-tesseract. Apache-2 +- Vision-Transformer (🥈23 · ⭐ 18K · 📈) - lucidrains vit-pytorch. MIT +- openmmlab-mmsegmentation (🥇26 · ⭐ 7.5K · 📈) - openmmlab-mmsegmentation. Apache-2 +- BasicSR (🥇24 · ⭐ 6.3K · 📈) - xinntao BasicSR. Apache-2 +- aimet (🥈17 · ⭐ 1.9K · 📈) - quic aimet. ❗Unlicensed ## 📉 Trending Down _Projects that have a lower project-quality score compared to the last update. There might be a variety of reasons such as decreased downloads or code activity._ -- tesseract (🥈19 · ⭐ 42K · 📉) - tesseract-ocr-tesseract. Apache-2 -- waifu2x (🥇19 · ⭐ 22K · 📉) - nagadomi waifu2x. MIT -- detectron2 (🥈23 · ⭐ 18K · 📉) - facebookresearch detectron2. Apache-2 -- pix2pix (🥈13 · ⭐ 8.7K · 💤) - phillipi pix2pix. ❗Unlicensed -- facebookresearch-ClassyVision (🥉17 · ⭐ 1.4K · 📉) - facebookresearch ClassyVision. MIT +- facenet (🥉17 · ⭐ 14K · 💤) - davidsandberg facenet. MIT +- deep_learning_object_detection (🥉13 · ⭐ 11K · 💤) - hoya012 deep_learning_object_detection. ❗Unlicensed +- ESRGAN (🥉13 · ⭐ 5.8K · 💤) - xinntao ESRGAN. Apache-2 +- facebookresearch-mmf (🥇16 · ⭐ 5.4K · 📉) - facebookresearch mmf. ❗Unlicensed +- facebookresearch-ClassyVision (🥉15 · ⭐ 1.6K · 💤) - facebookresearch ClassyVision. MIT