Pinned Repositories
accuracy-evaluation-cpp
A c++ implementation for calculating the accuracy metrics (Accuracy, Error Rate, Precision(micro/macro), Recall(micro/macro), Fscore(micro/macro)) for classification tasks based on the paper http://www.sciencedirect.com/science/article/pii/S0306457309000259 and MATLAB confusion implementation.
ActiveContour
adversarial-frcnn
A-Fast-RCNN (CVPR 2017)
AI-basketball-analysis
:basketball::robot::basketball: AI web app and API to analyze basketball shots and shooting pose.
AlexeyAB_darknet
YOLOv4 - Neural Networks for Object Detection (Windows and Linux version of Darknet )
ComparisonDetector
The implement for Comparison Detector: Convolutional Neural Networks for Cervical Cell Detection in the Limited-data Scenario.
PaperReading
tensorRT_Pro
C++ library based on tensorrt integration
Urinary-Sediment-Dataset
a dataset consisting of 5,376 annotated images corresponding to 7 categories of urinary particle
yxliang's Repositories
yxliang/AiInfer
yxliang/arxiv-latex-cleaner
arXiv LaTeX Cleaner: Easily clean the LaTeX code of your paper to submit to arXiv
yxliang/FaceAlgorithm
face detection face recognition包含人脸检测(retinaface,yolov5face,yolov7face,yolov8face),人脸检测跟踪(ByteTracker),人脸角度计算(Face_Angle)人脸矫正(Face_Aligner),人脸识别(Arcface),口罩检测(MaskRecognitiion),年龄性别检测(Gender_age),静默活体检测(Silent_Face_Anti_Spoofing),FaceAlignment(106keypoints)
yxliang/FastSAM
Fast Segment Anything
yxliang/GitHubDaily
坚持分享 GitHub 上高质量、有趣实用的开源技术教程、开发者工具、编程网站、技术资讯。A list cool, interesting projects of GitHub.
yxliang/json
JSON for Modern C++
yxliang/labelImg
LabelImg is now part of the Label Studio community. The popular image annotation tool created by Tzutalin is no longer actively being developed, but you can check out Label Studio, the open source data labeling tool for images, text, hypertext, audio, video and time-series data.
yxliang/learnopencv
Learn OpenCV : C++ and Python Examples
yxliang/LightGBM
A fast, distributed, high performance gradient boosting (GBT, GBDT, GBRT, GBM or MART) framework based on decision tree algorithms, used for ranking, classification and many other machine learning tasks.
yxliang/Linfer
基于TensorRT的C++高性能推理库,YOLOPv2,Yolov5/7/X/8,RT-DETR,单目标跟踪OSTrack、LightTrack。
yxliang/Medical-SAM-Adapter
Adapting Segment Anything Model for Medical Image Segmentation
yxliang/netron
Visualizer for neural network, deep learning and machine learning models
yxliang/nndeploy
nndeploy is a cross-platform, high-performing, and straightforward AI model deployment framework. We strive to deliver a consistent and user-friendly experience across various inference framework backends in complex deployment environments and focus on performance.
yxliang/onnx
Open standard for machine learning interoperability
yxliang/onnxruntime-extensions
The pre- and post processing library for ONNX Runtime
yxliang/PaddleVideo
Awesome video understanding toolkits based on PaddlePaddle. It supports video data annotation tools, lightweight RGB and skeleton based action recognition model, practical applications for video tagging and sport action detection.
yxliang/pytorch-lightning
Deep learning framework to train, finetune and deploy AI models
yxliang/review_object_detection_metrics
Object Detection Metrics. 14 object detection metrics: mean Average Precision (mAP), Average Recall (AR), Spatio-Temporal Tube Average Precision (STT-AP). This project supports different bounding box formats as in COCO, PASCAL, Imagenet, etc.
yxliang/SegmentAnything-OnnxRunner
SegmentAnything-OnnxRunner is an example using Meta AI Research's SAM onnx model in C++.The encoder and decoder of SAM are decoupled in this repository.
yxliang/SimBiber
MLNLP社区用来帮助缩短参考文献的工具。A tool for simplifying bibtex with official info
yxliang/table-transformer
Table Transformer (TATR) is a deep learning model for extracting tables from unstructured documents (PDFs and images). This is also the official repository for the PubTables-1M dataset and GriTS evaluation metric.
yxliang/tensorrt-cpp-api
TensorRT C++ API Tutorial
yxliang/torchscale
Foundation Architecture for (M)LLMs
yxliang/tqdm.cpp
C++ port of tqdm
yxliang/U-2-Net
The code for our newly accepted paper in Pattern Recognition 2020: "U^2-Net: Going Deeper with Nested U-Structure for Salient Object Detection."
yxliang/Umi-OCR
OCR software, free and offline. 开源、免费的离线OCR软件。支持截屏/粘贴/批量导入图片,段落排版/排除水印,扫描/生成二维码。内置多国语言库。
yxliang/unilm
Large-scale Self-supervised Pre-training Across Tasks, Languages, and Modalities
yxliang/video_pipe_c
a plugin-oriented framework for video structured. 国产程序员请加微信zhzhi78拉群交流,觉得有帮助的请给个星星:)。
yxliang/yolo_tracking
BoxMOT: pluggable SOTA tracking modules for segmentation, object detection and pose estimation models
yxliang/YOLOv8-TensorRT
YOLOv8 using TensorRT accelerate !