Pinned Repositories
-
算法原理等等
Daily-learning-records
日常学习练习记录
DeepLearningCourseCodes
Facial-Expression-Recognition.Pytorch
A CNN based pytorch implementation on facial expression recognition (FER2013 and CK+), achieving 73.112% (state-of-the-art) in FER2013 and 94.64% in CK+ dataset
FeatureSelectionGA
Feature Selection using Genetic Algorithm (DEAP Framework)
Image-category-understanding-and-application
此库为2017-2018年度工程实践项目,主要目的是能够识别图像类别,尤其是医学类,然后在医学类中再进行更为细致的类别识别,以达到医学影像这一垂直领域的应用目的。
QASystemOnMedicalKG
A tutorial and implement of disease centered Medical knowledge graph and qa system based on it。知识图谱构建,自动问答,基于kg的自动问答。以疾病为中心的一定规模医药领域知识图谱,并以该知识图谱完成自动问答与分析服务。
RedQueen_DrivingSecuritySystem
基于深度学习的驾驶者行为监测预警系统,中南大学信息院与交通院合作实现,项目进行中
TensorFlow-Object-Detection-on-the-Raspberry-Pi
A tutorial showing how to set up TensorFlow's Object Detection API on the Raspberry Pi
UWEnhancement
advancer-debug's Repositories
advancer-debug/Daily-learning-records
日常学习练习记录
advancer-debug/UWEnhancement
advancer-debug/bertNER
ChineseNER based on BERT, with BiLSTM+CRF layer
advancer-debug/crnn_plate_recognition
crnn chinese_plate_recognition
advancer-debug/Crossformer
Official implementation of our ICLR 2023 paper "Crossformer: Transformer Utilizing Cross-Dimension Dependency for Multivariate Time Series Forecasting"
advancer-debug/CTAI
基于深度学习的肿瘤辅助诊断系统,以图像分割为核心,利用人工智能完成肿瘤区域的识别勾画并提供肿瘤区域的特征来辅助医生进行诊断。有完整的模型构建、后端架设和前端访问功能。
advancer-debug/DB
A PyTorch implementation of "Real-time Scene Text Detection with Differentiable Binarization".
advancer-debug/FastSAM
Fast Segment Anything
advancer-debug/fire-smoke-detect-yolov4
fire-smoke-detect-yolov4-yolov5 and fire-smoke-detection-dataset 火灾检测,烟雾检测
advancer-debug/golearn
Machine Learning for Go
advancer-debug/InsPLAD
Inspection of Power Line Assets Dataset (InsPLAD)
advancer-debug/KD-YOLOX-ViT
This repository holds the code for the Python implementation of YOLOX-ViT. Furthermore, it has the implementation of the Knowledge Distillation (KD) method, evaluation metrics of the object detector and the side-scan sonar image dataset for underwater wall detection.
advancer-debug/Langchain-Chatchat
Langchain-Chatchat(原Langchain-ChatGLM)基于 Langchain 与 ChatGLM 等语言模型的本地知识库问答 | Langchain-Chatchat (formerly langchain-ChatGLM), local knowledge based LLM (like ChatGLM) QA app with langchain
advancer-debug/lstm-crf-pytorch
LSTM-CRF in PyTorch
advancer-debug/pdf
📚 计算机经典编程书籍、大黑书、编程电子书、电子书、编程书籍,包括计算机基础、C/C++、Java、Python、面试题、架构设计、算法系列等经典电子书。
advancer-debug/PyQt5-YOLOv5
PyQt5 implementation of YOLOv5 GUI
advancer-debug/smart_classroom_demo
群体课堂专注度分析、考试作弊系统、动态点名功能的Qt Demo,使用多人姿态估计、情绪识别、人脸识别、静默活体检测等技术
advancer-debug/Smart_Construction
Head Person Helmet Detection on Construction Sites,基于目标检测工地安全帽和禁入危险区域识别系统,🚀😆附 YOLOv5 训练自己的数据集超详细教程🚀😆2021.3新增可视化界面❗❗
advancer-debug/steel-pipe-weld-defect-detection
Deep Learning Based Steel Pipe Weld Defect Detection
advancer-debug/Surface-Defect-Detection
📈 目前最大的工业缺陷检测数据库及论文集 Constantly summarizing open source dataset and critical papers in the field of surface defect research which are of great importance.
advancer-debug/transformer-all-in-one
advancer-debug/ultralytics
NEW - YOLOv8 🚀 in PyTorch > ONNX > OpenVINO > CoreML > TFLite
advancer-debug/YOLOSHOW
YOLOSHOW - YOLOv5 / YOLOv7 / YOLOv8 / YOLOv9 GUI based on Pyside6
advancer-debug/yolov3
YOLOv3 in PyTorch > ONNX > CoreML > TFLite
advancer-debug/yolov4-tiny-pytorch
这是一个YoloV4-tiny-pytorch的源码,可以用于训练自己的模型。
advancer-debug/YOLOv6
YOLOv6: a single-stage object detection framework dedicated to industrial applications.
advancer-debug/yolov7
Implementation of paper - YOLOv7: Trainable bag-of-freebies sets new state-of-the-art for real-time object detectors
advancer-debug/yolov8-plate
yolov8 车牌检测 车牌识别 中文车牌识别 检测 支持12种中文车牌 支持双层车牌
advancer-debug/yolov9
Implementation of paper - YOLOv9: Learning What You Want to Learn Using Programmable Gradient Information
advancer-debug/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/