Pinned Repositories
1806
18.06 course at MIT
Algorithm_Interview_Notes-Chinese
2018/2019/校招/春招/秋招/算法/机器学习(Machine Learning)/深度学习(Deep Learning)/自然语言处理(NLP)/C/C++/Python/面试笔记
bert-as-service
Mapping a variable-length sentence to a fixed-length vector using pretrained BERT model
bert-chainer
Chainer implementation of "BERT: Pre-training of Deep Bidirectional Transformers for Language Understanding"
bert_language_understanding
Pre-training of Deep Bidirectional Transformers for Language Understanding
captcha_trainer
[验证码识别-训练] This project is based on CNN5/DenseNet+BLSTM/LSTM+CTC to realize verification code identification. This project is only for training the model.
DeepKnowledgeTracing
source code for the paper Deep Knowledge Tracing
DeepLearning-500-questions
深度学习500问,以问答形式对常用的概率知识、线性代数、机器学习、深度学习、计算机视觉等热点问题进行阐述,以帮助自己及有需要的读者。 全书分为15个章节,近20万字。由于水平有限,书中不妥之处恳请广大读者批评指正。 未完待续............ 如有意合作,联系scutjy2015@163.com 版权所有,违权必究 Tan 2018.06
DeepLearningProject
An in-depth machine learning tutorial introducing readers to a whole machine learning pipeline from scratch.
fairseq-1
Facebook AI Research Sequence-to-Sequence Toolkit written in Python.
LidhCS's Repositories
LidhCS/TextClassify_with_BERT
使用BERT模型做文本分类;面向工业用途
LidhCS/book
LidhCS/ebook
学习资料
LidhCS/SpringBoot-Learning
Spring Boot基础教程,Spring Boot 2.x版本连载中!!!
LidhCS/byteps
A high performance and general PS framework for distributed training
LidhCS/xlnet
XLNet: Generalized Autoregressive Pretraining for Language Understanding
LidhCS/QNLI
This is a course project of NLU(SJTU2019) for Question NLI.
LidhCS/EBook-PDF
IT PDF电子书
LidhCS/Python
All Algorithms implemented in Python
LidhCS/pumpkin-book
《机器学习》(西瓜书)公式推导解析,在线阅读地址:https://datawhalechina.github.io/pumpkin-book
LidhCS/awesome-knowledge-graph
A collection of knowledge graph papers and reading notes.
LidhCS/captcha_trainer
[验证码识别-训练] This project is based on CNN5/DenseNet+BLSTM/LSTM+CTC to realize verification code identification. This project is only for training the model.
LidhCS/bert_textMatching
利用预训练的中文模型实现基于bert的语义匹配模型 数据集为LCQMC官方数据
LidhCS/AdaBound
An optimizer that trains as fast as Adam and as good as SGD.
LidhCS/fastText
Library for fast text representation and classification.
LidhCS/dkt-1
deep knowledge tracing / tensorflow implement
LidhCS/DeepSpeechRecognition
A Chinese Speech Recognition System 包括基于深度学习的声学模型和基于深度学习的语言模型
LidhCS/transformer-xl
LidhCS/handson-ml2
A series of Jupyter notebooks that walk you through the fundamentals of Machine Learning and Deep Learning in Python using Scikit-Learn, Keras and TensorFlow 2.
LidhCS/transformer
A TensorFlow Implementation of the Transformer: Attention Is All You Need
LidhCS/ESL-CN
The Elements of Statistical Learning (ESL)的中文翻译、代码实现及其习题解答。
LidhCS/tf2_course
Notebooks for my "Deep Learning with TensorFlow 2 and Keras" course
LidhCS/nsfw_data_scrapper
Collection of scripts to aggregate image data for the purposes of training an NSFW Image Classifier
LidhCS/semantic-segmentation-pytorch
Pytorch implementation for Semantic Segmentation/Scene Parsing on MIT ADE20K dataset
LidhCS/Detectron
FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.
LidhCS/tencent-ml-images
Largest multi-label image database; ResNet-101 model; 80.73% top-1 acc on ImageNet
LidhCS/pytext
A natural language modeling framework based on PyTorch
LidhCS/MMdnn
MMdnn is a set of tools to help users inter-operate among different deep learning frameworks. E.g. model conversion and visualization. Convert models between Caffe, Keras, MXNet, Tensorflow, CNTK, PyTorch Onnx and CoreML.
LidhCS/handson-ml
A series of Jupyter notebooks that walk you through the fundamentals of Machine Learning and Deep Learning in python using Scikit-Learn and TensorFlow.
LidhCS/dlib
A toolkit for making real world machine learning and data analysis applications in C++