GX192's Stars
aymericdamien/TensorFlow-Examples
TensorFlow Tutorial and Examples for Beginners (support TF v1 & v2)
Chanzhaoyu/chatgpt-web
用 Express 和 Vue3 搭建的 ChatGPT 演示网页
raincchio/P3O
fengdu78/deeplearning_ai_books
deeplearning.ai(吴恩达老师的深度学习课程笔记及资源)
fchollet/deep-learning-with-python-notebooks
Jupyter notebooks for the code samples of the book "Deep Learning with Python"
jundongl/scikit-feature
open-source feature selection repository in python
ray-project/ray
Ray is an AI compute engine. Ray consists of a core distributed runtime and a set of AI Libraries for accelerating ML workloads.
ufoym/deepo
Setup and customize deep learning environment in seconds.
zsh-users/zsh
Mirror of the Z shell source code repository.
snap-stanford/ogb
Benchmark datasets, data loaders, and evaluators for graph machine learning
thunlp/GNNPapers
Must-read papers on graph neural networks (GNN)
holtzy/The-Python-Graph-Gallery
A website displaying hundreds of charts made with Python
overleaf/overleaf
A web-based collaborative LaTeX editor
kourgeorge/arxiv-style
A Latex style and template for paper preprints (based on NIPS style)
roboticcam/machine-learning-notes
My continuously updated Machine Learning, Probabilistic Models and Deep Learning notes and demos (2000+ slides) 我不间断更新的机器学习,概率模型和深度学习的讲义(2000+页)和视频链接
zhulei227/ML_Notes
机器学习算法的公式推导以及numpy实现
fengdu78/Coursera-ML-AndrewNg-Notes
吴恩达老师的机器学习课程个人笔记
ddbourgin/numpy-ml
Machine learning, in numpy
anrgct/utools-saladict
沙拉查词-utools移植版本
lilipads/gradient_descent_viz
interactive visualization of 5 popular gradient descent methods with step-by-step illustration and hyperparameter tuning UI
extreme-assistant/CVPR2024-Paper-Code-Interpretation
cvpr2024/cvpr2023/cvpr2022/cvpr2021/cvpr2020/cvpr2019/cvpr2018/cvpr2017 论文/代码/解读/直播合集,极市团队整理
santosjorge/cufflinks
Productivity Tools for Plotly + Pandas
Fafa-DL/Awesome-Backbones
Integrate deep learning models for image classification | Backbone learning/comparison/magic modification project
xmu-xiaoma666/External-Attention-pytorch
🍀 Pytorch implementation of various Attention Mechanisms, MLP, Re-parameter, Convolution, which is helpful to further understand papers.⭐⭐⭐
xmu-xiaoma666/FightingCV-Course
深度学习/计算机视觉/多模态/机器学习/人工智能零基础理论/实战教程汇总分享
xmu-xiaoma666/FightingCV-Paper-Reading
⭐⭐⭐FightingCV Paper Reading, which helps you understand the most advanced research work in an easier way 🍀 🍀 🍀
ytchx1999/PyG-citation-network
GNN模型在引文网络数据集上的代码,包括Cora、Citeseer、Pubmed、ogbn-arxiv
lucidrains/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
huggingface/pytorch-image-models
The largest collection of PyTorch image encoders / backbones. Including train, eval, inference, export scripts, and pretrained weights -- ResNet, ResNeXT, EfficientNet, NFNet, Vision Transformer (ViT), MobileNetV4, MobileNet-V3 & V2, RegNet, DPN, CSPNet, Swin Transformer, MaxViT, CoAtNet, ConvNeXt, and more
pytorch/examples
A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.