Pinned Repositories
-segment-anything
The repository provides code for running inference with the SegmentAnything Model (SAM), links for downloading the trained model checkpoints, and example notebooks that show how to use the model.
A01_cvclass_basic
resources for CV
A01_cvclass_basic_exercise
albumentations-
Fast image augmentation library and an easy-to-use wrapper around other libraries. Documentation: https://albumentations.ai/docs/ Paper about the library: https://www.mdpi.com/2078-2489/11/2/125
attention-module
Official PyTorch code for "BAM: Bottleneck Attention Module (BMVC2018)" and "CBAM: Convolutional Block Attention Module (ECCV2018)"
bj18
一个新建仓库demo
CenterNet
Object detection, 3D detection, and pose estimation using center point detection:
Chinese_license_plate_detection_recognition
yolov5 车牌检测 车牌识别 中文车牌识别 检测 支持13种中文车牌 支持双层车牌
cluster-analysis
K-Means++(HCM), Fuzzy C-Means(FCM), Hierarchical Clustering, DBscan
YOLOv5-LPRNet-Licence-Recognition
使用YOLOv5和LPRNet进行车牌检测+识别(CCPD数据集)
w-arrior's Repositories
w-arrior/-segment-anything
The repository provides code for running inference with the SegmentAnything Model (SAM), links for downloading the trained model checkpoints, and example notebooks that show how to use the model.
w-arrior/albumentations-
Fast image augmentation library and an easy-to-use wrapper around other libraries. Documentation: https://albumentations.ai/docs/ Paper about the library: https://www.mdpi.com/2078-2489/11/2/125
w-arrior/bj18
一个新建仓库demo
w-arrior/CenterNet
Object detection, 3D detection, and pose estimation using center point detection:
w-arrior/Chinese_license_plate_detection_recognition
yolov5 车牌检测 车牌识别 中文车牌识别 检测 支持13种中文车牌 支持双层车牌
w-arrior/crnn.pytorch
Convolutional recurrent network in pytorch
w-arrior/CRNN_Chinese_Characters_Rec
(CRNN) Chinese Characters Recognition.
w-arrior/CVPR2022-Papers-with-Code
CVPR 2022 论文和开源项目合集
w-arrior/CVPR2023-Paper-Code-Interpretation
cvpr2022/cvpr2021/cvpr2020/cvpr2019/cvpr2018/cvpr2017 论文/代码/解读/直播合集,极市团队整理
w-arrior/deep-learning-for-image-processing
yolov3spp
w-arrior/DeepLabV3Plus-Pytorch
Pretrained DeepLabv3 and DeepLabv3+ for Pascal VOC & Cityscapes
w-arrior/External-Attention-pytorch-
🍀 Pytorch implementation of various Attention Mechanisms, MLP, Re-parameter, Convolution, which is helpful to further understand papers.⭐⭐⭐
w-arrior/FastChat
An open platform for training, serving, and evaluating large language models. Release repo for Vicuna and Chatbot Arena.
w-arrior/FightingCV-Paper-Reading
⭐⭐⭐FightingCV Paper Reading, which helps you understand the most advanced research work in an easier way 🍀 🍀 🍀
w-arrior/GitHub-Chinese-Top-Charts
:cn: GitHub中文排行榜,各语言分设「软件 | 资料」榜单,精准定位中文好项目。各取所需,高效学习。
w-arrior/ISAT
ISAT - Image segmentation annotation tool.(图像分割标注工具,支持语义分割与实例分割)
w-arrior/ISAT_with_segment_anything
Image segmentation annotation tool with segment anything.(图像分割标注工具,支持语义分割与实例分割,集成segment anything,实现快速图像分割标注)
w-arrior/lizhi
🎸 李志 (B 仔) 音乐作品跨平台播放器,支持 Web / Mac / Windows / Linux
w-arrior/Llama2-Chinese
Llama中文社区,最好的中文Llama大模型,完全开源可商用
w-arrior/llm-action
本项目旨在分享大模型相关技术原理以及实战经验。
w-arrior/nlp_tutorial
NLP超强入门指南,包括各任务sota模型汇总(文本分类、文本匹配、序列标注、文本生成、语言模型),以及代码、技巧
w-arrior/pytorch-distributed-training
Simple tutorials on Pytorch DDP training
w-arrior/pytorch_distribute_tutorials
pytorch distribute tutorials
w-arrior/SAM-Adapter-PyTorch
Adapting Meta AI's Segment Anything to Downstream Tasks with Adapters and Prompts
w-arrior/yoloair_-yolo-
🔥🔥🔥YOLOv7, YOLOv5, YOLOv4, Transformer, YOLOX, YOLOR, YOLOv3 and Improved-YOLOv5... Support to improve backbone, head, loss, IoU, NMS and other modules
w-arrior/YOLOU
YOLOv3、YOLOv4、YOLOv5、YOLOv5-Lite、YOLOv6-v1、YOLOv6-v2、YOLOv7、YOLOX、YOLOX-Lite、PP-YOLOE、PP-PicoDet-Plus、YOLO-Fastest v2、FastestDet、YOLOv5-SPD、TensorRT、NCNN、Tengine、OpenVINO
w-arrior/yolov5-face
YOLO5Face: Why Reinventing a Face Detector (https://arxiv.org/abs/2105.12931) ECCV Workshops 2022)
w-arrior/yolov5-V6.1-
YOLOv5 🚀 in PyTorch > ONNX > CoreML > TFLite
w-arrior/yolov5_research_changes
add yolov7 core ,improvement research based on yolov5,SwintransformV2 and Attention Series. training skills, business customization, engineering deployment C
w-arrior/YOLOX
YOLOX is a high-performance anchor-free YOLO, exceeding yolov3~v5 with MegEngine, ONNX, TensorRT, ncnn, and OpenVINO supported. Documentation: https://yolox.readthedocs.io/