401466399's Stars
tensorflow/models
Models and examples built with TensorFlow
aymericdamien/TensorFlow-Examples
TensorFlow Tutorial and Examples for Beginners (support TF v1 & v2)
facebookresearch/fairseq
Facebook AI Research Sequence-to-Sequence Toolkit written in Python.
open-mmlab/mmdetection
OpenMMLab Detection Toolbox and Benchmark
NLP-LOVE/ML-NLP
此项目是机器学习(Machine Learning)、深度学习(Deep Learning)、NLP面试中常考到的知识点和代码实现,也是作为一个算法工程师必会的理论基础知识。
microsoft/Swin-Transformer
This is an official implementation for "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows".
spotify/annoy
Approximate Nearest Neighbors in C++/Python optimized for memory usage and loading/saving to disk
hoya012/deep_learning_object_detection
A paper list of object detection using deep learning.
jadore801120/attention-is-all-you-need-pytorch
A PyTorch implementation of the Transformer model in "Attention is All You Need".
modelscope/ms-swift
Use PEFT or Full-parameter to finetune 450+ LLMs (Qwen2.5, InternLM3, GLM4, Llama3.3, Mistral, Yi1.5, Baichuan2, DeepSeek-R1, ...) and 150+ MLLMs (Qwen2.5-VL, Qwen2-Audio, Llama3.2-Vision, Llava, InternVL2.5, MiniCPM-V-2.6, GLM4v, Xcomposer2.5, Yi-VL, DeepSeek-VL2, Phi3.5-Vision, GOT-OCR2, ...).
facebookresearch/moco
PyTorch implementation of MoCo: https://arxiv.org/abs/1911.05722
nmslib/hnswlib
Header-only C++/python library for fast approximate nearest neighbors
wzhe06/Ad-papers
Papers on Computational Advertising
alibaba/x-deeplearning
An industrial deep learning framework for high-dimension sparse data
wangshusen/RecommenderSystem
alibaba/euler
A distributed graph deep learning framework.
chen3feng/blade-build
Blade is a powerful build system from Tencent, supports many mainstream programming languages, such as C/C++, java, scala, python, protobuf...
ZiyaoGeng/RecLearn
Recommender Learning with Tensorflow2.x
aespresso/a_journey_into_math_of_ml
汉语自然语言处理视频教程-开源学习资料
tangxyw/RecSysPapers
推荐/广告/搜索领域工业界经典以及最前沿论文集合。A collection of industry classics and cutting-edge papers in the field of recommendation/advertising/search.
EliotAndres/kaggle-past-solutions
A searchable compilation of Kaggle past solutions
huggingface/hmtl
🌊HMTL: Hierarchical Multi-Task Learning - A State-of-the-Art neural network model for several NLP tasks based on PyTorch and AllenNLP
yangxudong/deeplearning
深度学习相关的模型训练、评估和预测相关代码
pytorch/translate
Translate - a PyTorch Language Library
spark-examples/spark-scala-examples
This project provides Apache Spark SQL, RDD, DataFrame and Dataset examples in Scala language
challenge-ICME2019-Bytedance/Bytedance_ICME_challenge
xchadesi/GraphNeuralNetwork
The learning of the GraphNeuralNetwork
JimmyMa99/Roleplay-with-XiYou
基于《西游记》原文、白话文、ChatGPT生成数据制作的,以InternLM2微调的角色扮演多LLM聊天室。 本项目将介绍关于角色扮演类 LLM 的一切,从数据获取、数据处理,到使用 XTuner 微调并部署至 OpenXLab,再到使用 LMDeploy 部署,以 openai api 的方式接入简单的聊天室,并可以观看不同角色的 LLM 互相交流、互怼。
xiaojie1017/Human-Parts
The Human-Parts dataset used in DID-Net.
Anton1o-I/thompson-sampling
Implementation of Thompson Sampling in Python