Pinned Repositories
ACM-ICPC-Preparation
ACM-ICPC Preparation Guide
AdaboostExample
AdaboostExample
Agricultural-Disease-Classification
AIchallenger2018 Agricultural-Disease 农作物病害检测
AI-Challenger-Plant-Disease-Recognition
AI Challenger -- 农作物病害识别
Ai-learn
人工智能学习路线图,整理近200个实战案例与项目,免费提供配套教材,零基础入门,就业实战!包括:Python,数学,机器学习,数据分析,深度学习,计算机视觉,自然语言处理等热门领域
AI_projects
I am a full-stack engineer for AI projects, glad to share my experience. pratices make the top engineer.
AiSpider
爬虫轻型框架
albert_zh
A LITE BERT FOR SELF-SUPERVISED LEARNING OF LANGUAGE REPRESENTATIONS, 海量中文预训练ALBERT模型
AnyQ
FAQ-based Question Answering System
ArcSoftFaceDemo
ArcSoft基于虹软人脸识别2.0 Java服务端Demo代码,最完整的服务端Demo。
professor98911's Repositories
professor98911/ACM-ICPC-Preparation
ACM-ICPC Preparation Guide
professor98911/albert_zh
A LITE BERT FOR SELF-SUPERVISED LEARNING OF LANGUAGE REPRESENTATIONS, 海量中文预训练ALBERT模型
professor98911/Chinese_medical_NLP
中文医疗NLP领域 数据集,论文 ,知识图谱,语料,工具包
professor98911/computer-vision-in-action
《计算机视觉实战演练:算法与应用》中文电子书、源码、读者交流社区(更新中,可以先 star)
professor98911/ESP-Drone
professor98911/External-Attention-pytorch
Pytorch implementation of various Attention Mechanism
professor98911/freeproblemset
freeproblemset is a standard for acm-icpc contest problem storage in xml
professor98911/hrnet-keras
这是一个hrnet-keras的源码,可以用于训练自己的模型。
professor98911/Kashgari
Kashgari is a production-level NLP Transfer learning framework built on top of tf.keras for text-labeling and text-classification, includes Word2Vec, BERT, and GPT2 Language Embedding.
professor98911/keras-bert
Implementation of BERT that could load official pre-trained models for feature extraction and prediction
professor98911/keras-self-attention
Attention mechanism for processing sequential data that considers the context for each timestamp.
professor98911/Keras-TextClassification
中文长文本分类、短句子分类、多标签分类、两句子相似度(Chinese Text Classification of Keras NLP, multi-label classify, or sentence classify, long or short),字词句向量嵌入层(embeddings)和网络层(graph)构建基类,FastText,TextCNN,CharCNN,TextRNN, RCNN, DCNN, DPCNN, VDCNN, CRNN, Bert, Xlnet, Albert, Attention, DeepMoji, HAN, 胶囊网络-CapsuleNet, Transformer-encode, Seq2seq, SWEM, LEAM, TextGCN
professor98911/keras-word-char-embd
Concatenate word and character embeddings in Keras
professor98911/keras-yolo3-1
A Keras implementation of YOLOv3 (Tensorflow backend)
professor98911/keras_albert_text_classification
本项目采用Keras和ALBERT实现文本多分类任务,其中对ALBERT进行微调。
professor98911/mAP
mean Average Precision - This code evaluates the performance of your neural net for object recognition.
professor98911/ncnn
ncnn is a high-performance neural network inference framework optimized for the mobile platform
professor98911/nnUNet
professor98911/object-detection-augmentation
这里面存放了一些目标检测算法的数据增强方法。如mosaic、mixup。
professor98911/PaddleViT
:robot: PaddleViT: State-of-the-art Visual Transformer and MLP Models for PaddlePaddle 2.0+
professor98911/PlotNeuralNet
Latex code for making neural networks diagrams
professor98911/PMED-Net-Pyramid-Based-Multi-Scale-Encoder-Decoder-Network-for-Medical-Image-Segmentation
The implementation details, pre-trained models, and datasets information
professor98911/pytorch-YOLOv4
PyTorch ,ONNX and TensorRT implementation of YOLOv4
professor98911/RepVGG_Tutorial
比ResNet更强的RepVGG,结构重参数化,推理部署一路3x3卷积到底,详细的代码讲解,欢迎star
professor98911/Semantic-Segmentation
I will upload many semantic segmentation models to this repository for you to learn
professor98911/Siamese-pytorch
这是一个孪生神经网络(Siamese network)的库,可进行图片的相似性比较。
professor98911/tensorflow-yolov3
🔥 TensorFlow Code for technical report: "YOLOv3: An Incremental Improvement"
professor98911/yolov4-tiny-keras
这是一个YoloV4-tiny-keras的源码,可以用于训练自己的模型。
professor98911/yolov5_in_tf2_keras
YOLOv5 in TF2 > TFLite > ONNX > TensorRT
professor98911/yolox-keras
这是一个yolox-keras的源码,可以用于训练自己的模型。