/

ailearning

AiLearning:数据分析+机器学习实战+线性代数+PyTorch+NLTK+TF2

最終更新日:502日前
37.5k

donnemartin/data-science-ipython-notebooks
503日前26.1k

Data science Python notebooks: Deep learning (TensorFlow, Theano, Caffe, Keras), scikit-learn, Kaggle, big data (Spark, Hadoop MapReduce, HDFS), matplotlib, pandas, NumPy, SciPy, Python essentials, AWS, and various command lines.

RasaHQ/rasa
503日前17.6k

💬 Open source machine learning framework to automate text- and voice-based conversations: NLU, dialogue management, connect to Slack, Facebook, and more - Create chatbots and voice assistants

deeplearning4j/deeplearning4j
503日前13.3k

Suite of tools for deploying and training deep learning models using the JVM. Highlights include model import for keras, tensorflow, and onnx/pytorch, a modular and tiny c++ library for running math code and a java based math library on top of the core c++ library. Also includes samediff: a pytorch/tensorflow like library for running deep learning using automatic differentiation.

ml-tooling/best-of-ml-python
503日前15.1k

🏆 A ranked list of awesome machine learning Python libraries. Updated weekly.

PaddlePaddle/PaddleX
503日前4.5k

PaddlePaddle End-to-End Development Toolkit(『飞桨』深度学习全流程开发工具)

google-research/bert
502日前36.4k

TensorFlow code and pre-trained models for BERT

BayesWitnesses/m2cgen
503日前2.7k

Transform ML models into a native code (Java, C, Python, Go, JavaScript, Visual Basic, C#, R, PowerShell, PHP, Dart, Haskell, Ruby, F#, Rust) with zero dependencies

jakevdp/PythonDataScienceHandbook
503日前40.9k

Python Data Science Handbook: full text in Jupyter Notebooks

ageron/handson-ml
503日前25.1k

⛔️ DEPRECATED – See https://github.com/ageron/handson-ml3 instead.

xusenlinzy/api-for-open-llm
502日前1.6k

Openai style api for open large language models, using LLMs just as chatgpt! Support for LLaMA, LLaMA-2, BLOOM, Falcon, Baichuan, Qwen, Xverse, SqlCoder, CodeLLaMA, ChatGLM, ChatGLM2, ChatGLM3 etc. 开源大模型的统一后端接口

huggingface/datasets
502日前18.0k

🤗 The largest hub of ready-to-use datasets for ML models with fast, easy-to-use and efficient data manipulation tools

dask/dask
502日前11.8k

Parallel computing with task scheduling

yoshitomo-matsubara/torchdistill
503日前1.2k

A coding-free framework built on PyTorch for reproducible deep learning studies. 🏆22 knowledge distillation methods presented at CVPR, ICLR, ECCV, NeurIPS, ICCV, etc are implemented so far. 🎁 Trained models, training logs and configurations are available for ensuring the reproducibiliy and benchmark.

hankcs/HanLP
502日前31.6k

中文分词 词性标注 命名实体识别 依存句法分析 成分句法分析 语义依存分析 语义角色标注 指代消解 风格转换 语义相似度 新词发现 关键词短语提取 自动摘要 文本分类聚类 拼音简繁转换 自然语言处理

microsoft/unilm
502日前17.1k

Large-scale Self-supervised Pre-training Across Tasks, Languages, and Modalities

ymcui/Chinese-LLaMA-Alpaca
502日前16.4k

中文LLaMA&Alpaca大语言模型+本地CPU/GPU训练部署 (Chinese LLaMA & Alpaca LLMs)

oxford-cs-deepnlp-2017/lectures
503日前15.6k

Oxford Deep NLP 2017 course

NLP-LOVE/ML-NLP
502日前14.7k

此项目是机器学习(Machine Learning)、深度学习(Deep Learning)、NLP面试中常考到的知识点和代码实现,也是作为一个算法工程师必会的理论基础知识。

ashishpatel26/500-AI-Machine-learning-Deep-learning-Computer-vision-NLP-Projects-with-code
502日前14.7k

500 AI Machine learning Deep learning Computer vision NLP Projects with code

dair-ai/ML-YouTube-Courses
502日前13.5k

📺 Discover the latest machine learning / AI courses on YouTube.

h2oai/h2o-3
502日前6.6k

H2O is an Open Source, Distributed, Fast & Scalable Machine Learning Platform: Deep Learning, Gradient Boosting (GBM) & XGBoost, Random Forest, Generalized Linear Modeling (GLM with Elastic Net), K-Means, PCA, Generalized Additive Models (GAM), RuleFit, Support Vector Machine (SVM), Stacked Ensembles, Automatic Machine Learning (AutoML), etc.

rasbt/python-machine-learning-book
503日前12.1k

The "Python Machine Learning (1st edition)" book code repository and info resource

microsoft/onnxruntime
502日前12.0k

ONNX Runtime: cross-platform, high performance ML inferencing and training accelerator

ljpzzz/machinelearning
502日前8.0k

My blogs and code for machine learning. http://cnblogs.com/pinard

rasbt/python-machine-learning-book-2nd-edition
504日前7.0k

The "Python Machine Learning (2nd edition)" book code repository and info resource

janishar/mit-deep-learning-book-pdf
501日前12.1k

MIT Deep Learning Book in PDF format (complete and parts) by Ian Goodfellow, Yoshua Bengio and Aaron Courville

textlint/textlint
502日前2.7k

The pluggable natural language linter for text and markdown.

DistrictDataLabs/yellowbrick
502日前4.2k

Visual analysis and diagnostic tools to facilitate machine learning model selection.