Pinned Repositories
Agriculture_KnowledgeGraph
农业知识图谱(AgriKG):农业领域的信息检索,命名实体识别,关系抽取,智能问答,辅助决策
AI-RecommenderSystem
该仓库尝试整理推荐系统领域的一些经典算法模型
Algorithm_Interview_Notes-Chinese
2018/2019/校招/春招/秋招/算法/机器学习(Machine Learning)/深度学习(Deep Learning)/自然语言处理(NLP)/C/C++/Python/面试笔记
annotated-transformer
http://nlp.seas.harvard.edu/2018/04/03/attention.html
Awesome-PyTorch-Chinese
【干货】史上最全的PyTorch学习资源汇总
awesome-semantic-segmentation
:metal: awesome-semantic-segmentation
bert
TensorFlow code and pre-trained models for BERT
email-summarization
A module for E-mail Summarization which uses clustering of skip-thought sentence embeddings.
Machine-Learning-From-Scratch
常用机器学习的算法简洁实现
skip-thoughts
Sent2Vec encoder and training code from the paper "Skip-Thought Vectors"
iszhuangsha's Repositories
iszhuangsha/skip-thoughts
Sent2Vec encoder and training code from the paper "Skip-Thought Vectors"
iszhuangsha/AI-RecommenderSystem
该仓库尝试整理推荐系统领域的一些经典算法模型
iszhuangsha/awesome-semantic-segmentation
:metal: awesome-semantic-segmentation
iszhuangsha/CLUENER2020
A PyTorch implementation of a BiLSTM\BERT\Roberta(+CRF) model for Named Entity Recognition.
iszhuangsha/CTR_Algorithm
一些经典的CTR算法的复现; LR, FM, FFM, AFM, DeepFM, xDeepFM, PNN, DCN, DCNv2, DIFM, AutoInt, FiBiNet,AFN,ONN,DIN, DIEN ... (pytorch, tf2.0)
iszhuangsha/Deep-Learning-in-Production
In this repository, I will share some useful notes and references about deploying deep learning-based models in production.
iszhuangsha/DeepLearning
深度学习入门教程, 优秀文章, Deep Learning Tutorial
iszhuangsha/easy-rl
强化学习中文教程(蘑菇书),在线阅读地址:https://datawhalechina.github.io/easy-rl/
iszhuangsha/fun-rec
推荐系统入门教程,在线阅读地址:https://datawhalechina.github.io/fun-rec/
iszhuangsha/gpt-2-Pytorch
Simple Text-Generator with OpenAI gpt-2 Pytorch Implementation
iszhuangsha/GraphNeuralNetwork
《深入浅出图神经网络:GNN原理解析》配套代码
iszhuangsha/interview_internal_reference
2019年最新总结,阿里,腾讯,百度,美团,头条等技术面试题目,以及答案,专家出题人分析汇总。
iszhuangsha/leedl-tutorial
《李宏毅深度学习教程》,PDF下载地址:https://github.com/datawhalechina/leedl-tutorial/releases
iszhuangsha/lihang-code
《统计学习方法》的代码实现
iszhuangsha/llm-universe
本项目是一个面向小白开发者的大模型应用开发教程,在线阅读地址:https://datawhalechina.github.io/llm-universe/
iszhuangsha/Machine-Learning
机器学习原理
iszhuangsha/MTL
学习并复现经典的推荐系统多目标任务,如:SharedBottom、ESMM、MMoE、PLE
iszhuangsha/nlp-journey
nlp相关的一些论文及代码, 包括主题模型、词向量(Word Embedding)、命名实体识别(NER)、文本分类(Text Classificatin)、文本生成(Text Generation)、文本相似性(Text Similarity)计算等,涉及到各种与nlp相关的算法,基于keras和tensorflow。
iszhuangsha/nlp-tutorial
Natural Language Processing Tutorial for Deep Learning Researchers
iszhuangsha/numpy-ml
Machine learning, in numpy
iszhuangsha/Practical_NLP_in_PyTorch
A repository containing tutorials for practical NLP using PyTorch
iszhuangsha/prompt-engineering-for-developers
吴恩达《ChatGPT Prompt Engineering for Developers》课程中文版
iszhuangsha/pytorch-cifar100
Practice on cifar100(ResNet, DenseNet, VGG, GoogleNet, InceptionV3, InceptionV4, Inception-ResNetv2, Xception, Resnet In Resnet, ResNext,ShuffleNet, ShuffleNetv2, MobileNet, MobileNetv2, SqueezeNet, NasNet, Residual Attention Network, SENet, WideResNet)
iszhuangsha/pytorch-image-models
PyTorch image models, scripts, pretrained weights -- ResNet, ResNeXT, EfficientNet, EfficientNetV2, NFNet, Vision Transformer, MixNet, MobileNet-V3/V2, RegNet, DPN, CSPNet, and more
iszhuangsha/pytorch-transformers
👾 A library of state-of-the-art pretrained models for Natural Language Processing (NLP)
iszhuangsha/recommendation_model
练习下用pytorch来复现下经典的推荐系统模型, 如MF, FM, DeepConn, MMOE, PLE, DeepFM, NFM, DCN, AFM, AutoInt, ONN, FiBiNET, DCN-v2, AFN, DCAP等
iszhuangsha/self-llm
《开源大模型食用指南》基于AutoDL快速部署开源大模型,更适合**宝宝的部署教程
iszhuangsha/so-large-lm
大模型理论基础
iszhuangsha/Top-AI-Conferences-Paper-with-Code
Top-Conferences-Paper-with-Code (ACL、EMNLP、NAACL、COLING、AAAI、IJCAI、NeurIPS、ICLR and etc)
iszhuangsha/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch