Pinned Repositories
AutoDL
Automated Deep Learning without ANY human intervention. 1'st Solution for AutoDL challenge@NeurIPS.
AutoDL-Projects
Automated deep learning algorithms implemented in PyTorch or Tensorflow.
Awesome-Knowledge-Distillation
Awesome Knowledge-Distillation. 分类整理的知识蒸馏paper(2014-2021)。
Awesome-Meta-Learning
A curated list of Meta Learning papers, code, books, blogs, videos, datasets and other resources.
baselines
OpenAI Baselines: high-quality implementations of reinforcement learning algorithms
Bert-Chinese-Text-Classification-Pytorch
使用Bert,ERNIE,进行中文文本分类
caffe_ocr
主流ocr算法研究实验性的项目,目前实现了CNN+BLSTM+CTC架构
ChID-Dataset
The ChID Dataset for paper ChID: A Large-scale Chinese IDiom Dataset for Cloze Test
CVPR2020_Auxiliary_Quantization
Training Quantized Neural Networks with a Full-precision Auxiliary Module
prototypical-networks-tensorflow
Tensorflow implementation of NIPS 2017 Paper "Prototypical Networks for Few-shot Learning"
1157942086's Repositories
1157942086/CVPR2020_Auxiliary_Quantization
Training Quantized Neural Networks with a Full-precision Auxiliary Module
1157942086/AutoDL
Automated Deep Learning without ANY human intervention. 1'st Solution for AutoDL challenge@NeurIPS.
1157942086/Awesome-Knowledge-Distillation
Awesome Knowledge-Distillation. 分类整理的知识蒸馏paper(2014-2021)。
1157942086/Bert-Chinese-Text-Classification-Pytorch
使用Bert,ERNIE,进行中文文本分类
1157942086/channel-attention
Gluon implementation of channel-attention modules: SE, ECA, GCT
1157942086/CLUEDatasetSearch
搜索所有中文NLP数据集,附常用英文NLP数据集
1157942086/dataset-replication-analysis
1157942086/deit
Official DeiT repository
1157942086/fedlearner
A multi-party collaborative machine learning framework
1157942086/filter-grafting
Filter Grafting for Deep Neural Networks(CVPR 2020)
1157942086/GPU-Efficient-Networks
1157942086/InvoiceNet
Deep neural network to extract intelligent information from invoice documents.
1157942086/local-attention
An implementation of local windowed attention for language modeling
1157942086/Mixture-of-Embedding-Experts
Mixture-of-Embeddings-Experts
1157942086/model-quantization
Collections of model quantization algorithms
1157942086/Model_Log
Model Log 是一款基于 Python3 的轻量级机器学习(Machine Learning)、深度学习(Deep Learning)模型训练评估指标可视化工具,可以记录模型训练过程当中的超参数、Loss、Accuracy、Precision、F1值等,并以曲线图的形式进行展现对比,轻松三步即可实现。
1157942086/Msnhnet
A mini pytorch inference framework which inspired from darknet.
1157942086/NeXtVLAD.pytorch
Pytorch implementation of NetVlad for classification on UCF101
1157942086/PaddleOCR
Awesome multilingual OCR toolkits based on PaddlePaddle (practical ultra lightweight OCR system, provide data annotation and synthesis tools, support training and deployment among server, mobile, embedded and IoT devices)
1157942086/pretrained-models.pytorch
Pretrained ConvNets for pytorch: NASNet, ResNeXt, ResNet, InceptionV4, InceptionResnetV2, Xception, DPN, etc.
1157942086/pumpkin-book
《机器学习》(西瓜书)公式推导解析,在线阅读地址:https://datawhalechina.github.io/pumpkin-book
1157942086/PyHessian
PyHessian is a Pytorch library for second-order based analysis and training of Neural Networks
1157942086/pytorch-OpCounter
Count the MACs / FLOPs of your PyTorch model.
1157942086/pytorch-optimizer
torch-optimizer -- collection of optimizers for Pytorch
1157942086/SemCKD
This is the official implementation for the AAAI-2021 paper (Cross-Layer Distillation with Semantic Calibration).
1157942086/statistic
collecting books, papers and docs.
1157942086/TextMatch
基于Pytorch的,中文语义相似度匹配模型(ABCNN、Albert、Bert、BIMPM、DecomposableAttention、DistilBert、ESIM、RE2、Roberta、SiaGRU、XlNet)
1157942086/vega
AutoML tools chain
1157942086/video_feature_extractor
Easy to use video deep features extractor
1157942086/Visualizing-the-Loss-Landscape-of-Neural-Nets