Top Related Projects
This project reproduces the book Dive Into Deep Learning (https://d2l.ai/), adapting the code from MXNet into PyTorch.
VIP cheatsheets for Stanford's CS 230 Deep Learning
AI education materials for Chinese students, teachers and IT professionals.
《机器学习》(西瓜书)公式详解
The fastai book, published as Jupyter Notebooks
TensorFlow documentation
Quick Overview
D2L-zh is the Chinese version of the "Dive into Deep Learning" (D2L) textbook. It's an interactive, comprehensive resource for learning deep learning, combining theory with hands-on coding examples. The repository contains the source code for the book, including text content, code samples, and exercises.
Pros
- Comprehensive coverage of deep learning concepts and techniques
- Interactive learning experience with Jupyter notebooks
- Regular updates to keep content current with the latest developments
- Available for free, promoting accessibility to deep learning education
Cons
- Primarily focused on the Chinese language, which may limit accessibility for non-Chinese speakers
- Some advanced topics may be challenging for beginners
- Requires a significant time investment to work through all the material
Code Examples
Since this is not a code library but rather an educational resource, we'll skip the code examples section. The repository itself contains numerous code examples within its Jupyter notebooks, but these are meant to be part of the learning experience rather than standalone usage examples.
Getting Started
To get started with D2L-zh:
-
Clone the repository:
git clone https://github.com/d2l-ai/d2l-zh.git
-
Install the required dependencies:
pip install -r requirements.txt
-
Navigate to the desired chapter's directory and open the Jupyter notebooks to start learning.
Note: Ensure you have Jupyter installed on your system to interact with the notebooks effectively.
Competitor Comparisons
This project reproduces the book Dive Into Deep Learning (https://d2l.ai/), adapting the code from MXNet into PyTorch.
Pros of d2l-pytorch
- Focuses specifically on PyTorch implementation, making it more accessible for PyTorch users
- Provides a more streamlined and focused learning experience for those interested in PyTorch
- May offer more up-to-date PyTorch-specific best practices and techniques
Cons of d2l-pytorch
- Limited to PyTorch, lacking the broader framework coverage of d2l-zh
- Potentially smaller community and less frequent updates compared to the more established d2l-zh
- May not cover as wide a range of topics as the comprehensive d2l-zh repository
Code Comparison
d2l-pytorch:
import torch
from torch import nn
net = nn.Sequential(nn.Linear(20, 256), nn.ReLU(), nn.Linear(256, 10))
X = torch.randn(2, 20)
net(X)
d2l-zh:
import tensorflow as tf
net = tf.keras.models.Sequential([
tf.keras.layers.Dense(256, activation='relu'),
tf.keras.layers.Dense(10)
])
X = tf.random.normal((2, 20))
net(X)
The main difference is the use of PyTorch in d2l-pytorch versus TensorFlow in d2l-zh, reflecting their respective focus on different deep learning frameworks.
VIP cheatsheets for Stanford's CS 230 Deep Learning
Pros of stanford-cs-230-deep-learning
- Concise and focused content, providing quick reference sheets for deep learning concepts
- Covers specific Stanford CS230 course material, beneficial for students taking or reviewing the course
- Includes visual aids and diagrams to enhance understanding
Cons of stanford-cs-230-deep-learning
- Less comprehensive than d2l-zh, which offers a full textbook-like experience
- Limited code examples and practical implementations compared to d2l-zh
- May not be as frequently updated as d2l-zh, which is actively maintained
Code Comparison
stanford-cs-230-deep-learning (limited code snippets):
# No substantial code examples available
d2l-zh (example of code implementation):
import torch
from torch import nn
net = nn.Sequential(nn.Linear(4, 8), nn.ReLU(), nn.Linear(8, 1))
X = torch.rand(size=(2, 4))
net(X)
The d2l-zh repository provides more extensive code examples and implementations, while stanford-cs-230-deep-learning focuses on theoretical concepts and visual representations.
AI education materials for Chinese students, teachers and IT professionals.
Pros of ai-edu
- Broader scope covering various AI topics beyond deep learning
- More practical examples and hands-on projects
- Stronger focus on industry applications and real-world scenarios
Cons of ai-edu
- Less structured curriculum compared to d2l-zh
- Not as frequently updated as d2l-zh
- Primarily in Chinese, limiting accessibility for non-Chinese speakers
Code Comparison
d2l-zh example (PyTorch):
def train_epoch(net, train_iter, loss, updater):
net.train()
for X, y in train_iter:
y_hat = net(X)
l = loss(y_hat, y)
updater.zero_grad()
l.backward()
updater.step()
ai-edu example (TensorFlow):
def train_step(model, optimizer, x_train, y_train):
with tf.GradientTape() as tape:
predictions = model(x_train, training=True)
loss = loss_object(y_train, predictions)
gradients = tape.gradient(loss, model.trainable_variables)
optimizer.apply_gradients(zip(gradients, model.trainable_variables))
Both repositories provide valuable resources for learning AI and deep learning. d2l-zh offers a more structured approach with a focus on deep learning, while ai-edu covers a broader range of AI topics with more practical examples. The choice between them depends on the learner's specific needs and preferences.
《机器学习》(西瓜书)公式详解
Pros of pumpkin-book
- Focuses specifically on machine learning algorithms and their mathematical foundations
- Provides detailed derivations and explanations of complex concepts
- Includes hand-written notes and illustrations for better understanding
Cons of pumpkin-book
- Less comprehensive coverage of deep learning topics compared to d2l-zh
- Fewer practical coding examples and hands-on exercises
- Limited to Chinese language, which may restrict its accessibility to non-Chinese speakers
Code comparison
While both repositories are primarily focused on theoretical content, d2l-zh provides more code examples. Here's a brief comparison:
pumpkin-book (limited code snippets):
# No significant code examples available
d2l-zh (more code-oriented):
import torch
def softmax(X):
X_exp = torch.exp(X)
partition = X_exp.sum(1, keepdim=True)
return X_exp / partition
Both repositories serve as valuable resources for machine learning enthusiasts, with pumpkin-book excelling in mathematical foundations and d2l-zh offering a more comprehensive and practical approach to deep learning.
The fastai book, published as Jupyter Notebooks
Pros of fastbook
- More comprehensive coverage of deep learning applications, including computer vision, NLP, and tabular data
- Focuses on practical implementation using the fastai library, which simplifies many complex tasks
- Includes more interactive Jupyter notebooks for hands-on learning
Cons of fastbook
- Less emphasis on theoretical foundations compared to d2l-zh
- Primarily uses PyTorch, which may limit exposure to other frameworks
- May be less suitable for readers seeking a rigorous mathematical approach
Code Comparison
fastbook example (PyTorch with fastai):
from fastai.vision.all import *
path = untar_data(URLs.PETS)/'images'
def is_cat(x): return x[0].isupper()
dls = ImageDataLoaders.from_name_func(
path, get_image_files(path), valid_pct=0.2, seed=42,
label_func=is_cat, item_tfms=Resize(224))
d2l-zh example (MXNet):
from d2l import mxnet as d2l
from mxnet import autograd, np, npx
npx.set_np()
def synthetic_data(w, b, num_examples):
X = np.random.normal(0, 1, (num_examples, len(w)))
y = np.dot(X, w) + b
y += np.random.normal(0, 0.01, y.shape)
return X, y.reshape((-1, 1))
TensorFlow documentation
Pros of docs
- Comprehensive official documentation for TensorFlow
- Regularly updated with the latest TensorFlow features and APIs
- Covers a wide range of topics, from beginner to advanced
Cons of docs
- Focuses solely on TensorFlow, lacking broader machine learning concepts
- May be overwhelming for beginners due to its extensive coverage
Code Comparison
docs:
import tensorflow as tf
model = tf.keras.Sequential([
tf.keras.layers.Dense(64, activation='relu'),
tf.keras.layers.Dense(10, activation='softmax')
])
d2l-zh:
import torch
from torch import nn
net = nn.Sequential(
nn.Linear(784, 256),
nn.ReLU(),
nn.Linear(256, 10)
)
Key Differences
- d2l-zh provides a more comprehensive introduction to deep learning concepts
- docs is specific to TensorFlow, while d2l-zh covers multiple frameworks
- d2l-zh includes interactive Jupyter notebooks for hands-on learning
- docs offers more in-depth coverage of TensorFlow-specific features and tools
Target Audience
- docs: Developers and researchers focused on TensorFlow
- d2l-zh: Students and practitioners learning deep learning fundamentals
Learning Approach
- docs: API-centric, focusing on TensorFlow usage
- d2l-zh: Concept-driven, emphasizing understanding of underlying principles
Convert designs to code with AI
Introducing Visual Copilot: A new AI model to turn Figma designs to high quality code using your components.
Try Visual CopilotREADME
å¨æå¦æ·±åº¦å¦ä¹ ï¼Dive into Deep Learningï¼D2L.aiï¼
第äºçï¼zh.D2L.ai | 第ä¸çï¼zh-v1.D2L.ai | å®è£ å使ç¨ä¹¦ä¸æºä»£ç ï¼ ç¬¬äºç 第ä¸ç
ç解深度å¦ä¹ çæä½³æ¹æ³æ¯å¦ä»¥è´ç¨ã
æ¬å¼æºé¡¹ç®ä»£è¡¨äºæ们çä¸ç§å°è¯ï¼æ们å°æç»è¯»è æ¦å¿µãèæ¯ç¥è¯å代ç ï¼æ们å°å¨åä¸ä¸ªå°æ¹éè¿°åæé®é¢æéçæ¹å¤æ§æç»´ã解å³é®é¢æéçæ°å¦ç¥è¯ï¼ä»¥åå®ç°è§£å³æ¹æ¡æéçå·¥ç¨æè½ã
æ们çç®æ æ¯å建ä¸ä¸ªä¸ºå®ç°ä»¥ä¸ç®æ çç»ä¸èµæºï¼
- ææ人åå¯å¨ç½ä¸å è´¹è·åï¼
- æä¾è¶³å¤çææ¯æ·±åº¦ï¼ä»è帮å©è¯»è å®é æ为深度å¦ä¹ åºç¨ç§å¦å®¶ï¼æ¢ç解æ°å¦åçï¼åè½å¤å®ç°å¹¶ä¸ææ¹è¿æ¹æ³ï¼
- å å«å¯è¿è¡ç代ç ï¼ä¸ºè¯»è å±ç¤ºå¦ä½å¨å®é ä¸è§£å³é®é¢ãè¿æ ·ä¸ä» ç´æ¥å°æ°å¦å ¬å¼å¯¹åºæå®é 代ç ï¼èä¸å¯ä»¥ä¿®æ¹ä»£ç ãè§å¯ç»æ并åæ¶è·åç»éªï¼
- å 许æ们åæ´ä¸ªç¤¾åºä¸æå¿«éè¿ä»£å 容ï¼ä»èç´§è·ä»å¨é«éåå±ç深度å¦ä¹ é¢åï¼
- ç±å å«æå ³ææ¯ç»èé®çç论åä½ä¸ºè¡¥å ï¼ä½¿å¤§å®¶å¯ä»¥ç¸äºçç并交æ¢ç»éªã
å°æ¬ä¹¦ï¼ä¸è±æçï¼ç¨ä½æææåè书ç大å¦
å¦ææ¬ä¹¦å¯¹ä½ æ帮å©ï¼è¯·Star (â ) æ¬ä»åºæå¼ç¨æ¬ä¹¦çè±æçï¼
@book{zhang2023dive,
title={Dive into Deep Learning},
author={Zhang, Aston and Lipton, Zachary C. and Li, Mu and Smola, Alexander J.},
publisher={Cambridge University Press},
note={\url{https://D2L.ai}},
year={2023}
}
æ¬ä¹¦çè±æç
è½ç¶çº¸è´¨ä¹¦å·²åºçï¼ä½æ·±åº¦å¦ä¹ é¢åä¾ç¶å¨è¿ éåå±ã为äºå¾å°æ¥èªæ´å¹¿æ³çè±æå¼æºç¤¾åºç帮å©ï¼ä»èæåæ¬ä¹¦è´¨éï¼æ¬ä¹¦çæ°çå°ç»§ç»ç¨è±æç¼åï¼å¹¶æ¬åä¸æçã
欢è¿å ³æ³¨æ¬ä¹¦çè±æå¼æºé¡¹ç®ã
ä¸è±ææå¦èµæº
å å·å¤§å¦ä¼¯å å©åæ ¡ 2019 å¹´æ¥å¦æ Introduction to Deep Learning 课ç¨ææï¼åæ¶æä¾å«æå¦è§é¢å°åçä¸æç课件ï¼ã
å¦æ¯çæ¨è
"Dive into this book if you want to dive into deep learning!"
— é©å®¶çï¼ACM é¢å£«ãIEEE é¢å£«ï¼ç¾å½ä¼å©è¯ºä¼å¤§å¦é¦æ§åæ ¡è®¡ç®æºç³» Michael Aiken Chair ææ
"This is a highly welcome addition to the machine learning literature."
— Bernhard Schölkopfï¼ACM é¢å£«ãå¾·å½å½å®¶ç§å¦é¢é¢å£«ï¼å¾·å½é©¬å æ¯â¢æ®æå ç 究ææºè½ç³»ç»é¢é¢é¿
"书ä¸ä»£ç å¯è°âæå¦å³æç¨âã"
— å¨å¿åï¼ACM é¢å£«ãIEEE é¢å£«ãAAAS é¢å£«ï¼å京大å¦è®¡ç®æºç§å¦ä¸ææ¯ç³»ä¸»ä»»
"è¿æ¬ä¹¦å¯ä»¥å¸®å©æ·±åº¦å¦ä¹ å®è·µè å¿«éæåèªå·±çè½åã"
— å¼ æ½¼ï¼ASA é¢å£«ãIMS é¢å£«ï¼é¦æ¸¯ç§æ大å¦è®¡ç®æºç³»åæ°å¦ç³»ææ
å·¥ä¸çæ¨è
"ä¸æ¬ä¼ç§ç深度å¦ä¹ ææï¼å¼å¾ä»»ä½æ³äºè§£æ·±åº¦å¦ä¹ ä½ä»¥å¼ç人工æºè½é©å½çäººå ³æ³¨ã"
— é»ä»åï¼NVIDIAåå§äºº & CEO
"ãå¨æå¦æ·±åº¦å¦ä¹ ãæ¯æéåå·¥ä¸çç åå·¥ç¨å¸å¦ä¹ çãæ毫æ ä¿çå°å广大ç读è 们强çæ¨èã"
— ä½å¯ï¼å°å¹³çº¿å ¬å¸åå§äºº & CEO
"强çæ¨èè¿æ¬ä¹¦ï¼æç¹å«èµèµè¿ç§æèä¸ä½çå¦ä¹ æ¹å¼ã"
— æ¼è¿ï¼å¤æ¦å¤§å¦âæµ©æ¸ âææã人工æºè½åæ°ä¸äº§ä¸ç 究é¢é¢é¿
"ãå¨æå¦æ·±åº¦å¦ä¹ ãæ¯ä¸æ¬å¾å®¹æ让å¦ä¹ è ä¸ç¾ç书ã"
— æ²å¼ºï¼å°é¨åæåå§åä¼äºº
è´¡ç®
æ谢社åºè´¡ç®è 们为æ¯ä¸ä½è¯»è æ¹è¿è¿æ¬å¼æºä¹¦ã
Top Related Projects
This project reproduces the book Dive Into Deep Learning (https://d2l.ai/), adapting the code from MXNet into PyTorch.
VIP cheatsheets for Stanford's CS 230 Deep Learning
AI education materials for Chinese students, teachers and IT professionals.
《机器学习》(西瓜书)公式详解
The fastai book, published as Jupyter Notebooks
TensorFlow documentation
Convert designs to code with AI
Introducing Visual Copilot: A new AI model to turn Figma designs to high quality code using your components.
Try Visual Copilot