ai-edu
AI education materials for Chinese students, teachers and IT professionals.
Top Related Projects
12 weeks, 26 lessons, 52 quizzes, classic Machine Learning for all
10 Weeks, 20 Lessons, Data Science for All!
12 Weeks, 24 Lessons, AI for All!
Google Research
An Open Source Machine Learning Framework for Everyone
Tensors and Dynamic neural networks in Python with strong GPU acceleration
Quick Overview
Microsoft AI-EDU is an educational repository aimed at teaching artificial intelligence concepts and techniques. It provides a comprehensive curriculum, hands-on labs, and projects to help learners understand and implement AI algorithms, with a focus on deep learning and neural networks.
Pros
- Comprehensive curriculum covering various AI topics
- Hands-on labs and projects for practical learning
- Well-structured content suitable for beginners and intermediate learners
- Regularly updated with new materials and improvements
Cons
- Primarily focused on deep learning, with less coverage of other AI subfields
- Some content may be outdated or not aligned with the latest industry practices
- Limited community support compared to more popular AI learning platforms
- Mostly in Chinese, which may be a barrier for non-Chinese speakers
Getting Started
To get started with Microsoft AI-EDU:
- Visit the repository: https://github.com/microsoft/ai-edu
- Clone the repository to your local machine:
git clone https://github.com/microsoft/ai-edu.git
- Navigate to the desired course or lab folder
- Follow the instructions provided in the README files for each section
- Install any required dependencies as specified in the project documentation
Note: As this is primarily an educational resource and not a code library, there are no specific code examples or quick start instructions. The repository contains various Jupyter notebooks and Python scripts that you can explore and run as part of the learning process.
Competitor Comparisons
12 weeks, 26 lessons, 52 quizzes, classic Machine Learning for all
Pros of ML-For-Beginners
- More structured curriculum with clear lesson plans and quizzes
- Broader coverage of ML topics, including natural language processing and computer vision
- Active community engagement and regular updates
Cons of ML-For-Beginners
- Less in-depth coverage of advanced AI topics
- Fewer hands-on coding examples compared to ai-edu
- Limited focus on deep learning and neural networks
Code Comparison
ML-For-Beginners example (Python):
from sklearn.model_selection import train_test_split
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2, random_state=42)
model = LogisticRegression()
model.fit(X_train, y_train)
ai-edu example (Python):
net = NeuralNet(params, model)
loss_history = net.train(dataReader, 100, 0.1, 0.5, 0.1, 10, 50)
accuracy = net.test(dataReader)
Both repositories offer valuable resources for learning AI and machine learning. ML-For-Beginners provides a more structured approach with a broader range of topics, making it suitable for beginners. ai-edu offers more in-depth coverage of advanced AI concepts and neural networks, with a focus on hands-on implementation. The choice between the two depends on the learner's goals and prior experience in the field.
10 Weeks, 20 Lessons, Data Science for All!
Pros of Data-Science-For-Beginners
- More structured curriculum with a clear 10-week course outline
- Includes hands-on projects and quizzes for practical learning
- Focuses specifically on data science, providing a more targeted learning experience
Cons of Data-Science-For-Beginners
- Less comprehensive coverage of AI topics compared to ai-edu
- Fewer programming languages and frameworks covered
- Limited advanced topics for those looking to delve deeper into AI and machine learning
Code Comparison
Data-Science-For-Beginners:
import pandas as pd
import matplotlib.pyplot as plt
data = pd.read_csv('data.csv')
plt.scatter(data['x'], data['y'])
plt.show()
ai-edu:
import tensorflow as tf
from tensorflow import keras
model = keras.Sequential([
keras.layers.Dense(64, activation='relu', input_shape=(10,)),
keras.layers.Dense(1)
])
The code snippets demonstrate the different focus areas of the repositories. Data-Science-For-Beginners emphasizes data manipulation and visualization, while ai-edu delves into machine learning frameworks like TensorFlow.
Both repositories offer valuable resources for learners, with Data-Science-For-Beginners providing a more structured approach to data science fundamentals, and ai-edu offering a broader range of AI-related topics and advanced concepts.
12 Weeks, 24 Lessons, AI for All!
Pros of AI-For-Beginners
- More structured curriculum with 24 lessons and clear learning path
- Focuses on practical AI applications and hands-on coding exercises
- Includes quizzes and assignments for self-assessment
Cons of AI-For-Beginners
- Less comprehensive coverage of advanced AI topics
- Fewer resources for deep learning and neural networks
- Limited content on AI ethics and societal impact
Code Comparison
AI-For-Beginners:
import numpy as np
def sigmoid(x):
return 1 / (1 + np.exp(-x))
def neural_network(input, weights):
return sigmoid(np.dot(input, weights))
ai-edu:
import tensorflow as tf
model = tf.keras.Sequential([
tf.keras.layers.Dense(64, activation='relu'),
tf.keras.layers.Dense(10, activation='softmax')
])
AI-For-Beginners provides simpler, foundational code examples, while ai-edu offers more advanced implementations using popular frameworks like TensorFlow.
Both repositories serve as valuable resources for learning AI, with AI-For-Beginners being more suitable for beginners and ai-edu offering a broader range of topics and advanced concepts.
Google Research
Pros of google-research
- Broader scope covering various AI/ML research areas
- More frequent updates and contributions from Google researchers
- Larger community engagement and higher star count
Cons of google-research
- Less structured for educational purposes
- May be more challenging for beginners to navigate
- Lacks comprehensive tutorials or learning paths
Code Comparison
ai-edu:
import numpy as np
def sigmoid(x):
return 1 / (1 + np.exp(-x))
def initialize_parameters(n_x, n_h, n_y):
W1 = np.random.randn(n_h, n_x) * 0.01
b1 = np.zeros((n_h, 1))
W2 = np.random.randn(n_y, n_h) * 0.01
b2 = np.zeros((n_y, 1))
return {"W1": W1, "b1": b1, "W2": W2, "b2": b2}
google-research:
import tensorflow as tf
def create_model():
model = tf.keras.Sequential([
tf.keras.layers.Dense(64, activation='relu', input_shape=(10,)),
tf.keras.layers.Dense(64, activation='relu'),
tf.keras.layers.Dense(1, activation='sigmoid')
])
return model
The ai-edu example shows a more basic implementation of neural network components, while the google-research example utilizes TensorFlow's high-level Keras API for model creation.
An Open Source Machine Learning Framework for Everyone
Pros of TensorFlow
- Widely adopted, industry-standard deep learning framework
- Extensive ecosystem with tools like TensorBoard for visualization
- Supports multiple programming languages and platforms
Cons of TensorFlow
- Steeper learning curve for beginners
- More complex setup and configuration
- Larger codebase and resource requirements
Code Comparison
AI-edu (Python example):
import numpy as np
def sigmoid(x):
return 1 / (1 + np.exp(-x))
def forward(x, w, b):
return sigmoid(np.dot(x, w) + b)
TensorFlow (Python example):
import tensorflow as tf
x = tf.placeholder(tf.float32, shape=[None, 784])
W = tf.Variable(tf.zeros([784, 10]))
b = tf.Variable(tf.zeros([10]))
y = tf.nn.softmax(tf.matmul(x, W) + b)
Summary
AI-edu is more focused on educational content and tutorials for AI and machine learning, making it suitable for beginners and students. TensorFlow, on the other hand, is a comprehensive deep learning framework used in production environments and research. While AI-edu provides a gentler introduction to AI concepts, TensorFlow offers more advanced features and scalability for complex projects.
Tensors and Dynamic neural networks in Python with strong GPU acceleration
Pros of PyTorch
- More widely adopted and supported by the AI/ML community
- Offers dynamic computational graphs, allowing for more flexible model architectures
- Provides a more Pythonic interface, making it easier for developers to learn and use
Cons of PyTorch
- Steeper learning curve for beginners compared to AI-Edu's educational focus
- Less emphasis on structured learning materials and tutorials
- May be overwhelming for those new to machine learning concepts
Code Comparison
PyTorch:
import torch
x = torch.tensor([1, 2, 3])
y = torch.tensor([4, 5, 6])
z = torch.add(x, y)
AI-Edu:
import numpy as np
x = np.array([1, 2, 3])
y = np.array([4, 5, 6])
z = np.add(x, y)
Summary
PyTorch is a powerful, industry-standard deep learning framework, while AI-Edu focuses on educational content for AI and machine learning. PyTorch offers more advanced features and flexibility, but may be more challenging for beginners. AI-Edu provides a structured learning path but may not be as comprehensive for professional development. The choice between the two depends on the user's goals and experience level in the field of AI and machine learning.
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
微软人工æºè½æè²ä¸å¦ä¹ å ±å»ºç¤¾åº
微软人工æºè½æè²ä¸å¦ä¹ å ±å»ºç¤¾åºï¼Microsoft AI Education Community, ç®ç§°AI-Eduï¼æ¯å¾®è½¯äºæ´²ç 究é¢ï¼Microsoft Research Asiaï¼ç®ç§°MSRAï¼äººå·¥æºè½æè²å¢éåç«ç人工æºè½å¼æºç¤¾åºã
æ¬ç¤¾åºç±åºç¡æç¨ãå®è·µæ¡ä¾ã**å®è·µé¡¹ç®**ä¸å¤§æ¨¡åææï¼éè¿ç³»ç»åçç论æç¨å丰å¯å¤æ ·çå®è·µæ¡ä¾ï¼å¸®å©å¦ä¹ è å¦ä¹ 并ææ¡äººå·¥æºè½çç¥è¯ï¼å¹¶é»ç¼å¨å®é 项ç®ä¸çå¼åè½åã
ææ°æ¶æ¯ï¼
-
2021å¹´8æ16æ¥
**A6-人工æºè½ç³»ç» æ´æ°**ï¼ A6-人工æºè½ç³»ç» 课ç¨å·²æ´æ°å°ææ°çæ¬ï¼
ä»å³æ¥èµ·ï¼äººå·¥æºè½ç³»ç»å¼æºè¯¾ç¨å为æ¬ç¤¾åºçå模åï¼ä¸åå§ä»åºä¿æåæ¥æ´æ°ã欢è¿åæ¥ç¤¾åºå¦ä¹ ï¼
-
2021å¹´6æ25æ¥
æ°çæ¬åå¸ï¼AI-Edu V1.3.0 å·²ç»åå¸å¦ï¼å ¨æ°ç社åºæ¶æï¼æ´å ç®æ´æ¹ä¾¿ï¼ä¸ä¹é å¥çç½ç«ä¹åæ¥ä¸çº¿å¦ï¼æ¬¢è¿å¤§å®¶åæ¥ä½éªï¼ç¹æ¤è®¿é®ç½ç«
-
2021å¹´6æ21æ¥
**æ¡ä¾æ´æ°**ï¼æ°çå®è·µæ¡ä¾ åºäºLightGBMçæ¶é´åºåé¢æµ å·²ä¸çº¿ï¼æ¬¢è¿æå ´è¶£çå°ä¼ä¼´åå¾å¦ä¹ ã
ç®å½åè½ä¸è§
åºç¡æç¨ | å®è·µæ¡ä¾ | å®è·µé¡¹ç® | |
å 容 |
|
åå¸åè´¡ç®
AI-Eduç®åç±å¾®è½¯äºæ´²ç 究é¢çç åå¢éä¸å¦æ¯åä½é¨æä¾æ¯æä¸æ´æ°ï¼æ们ä¼å¨Issuesä¸åå¸å½æçæ´æ°è®¡åã
æ¨å¨ä½¿ç¨è¿ç¨ä¸åç°ä»»ä½é®é¢ï¼å¯ä»¥å¨Issues Channelå建New issueæ¥åè¯æ们ãå¦ææ¨è®¡åä¿®å¤å·²æææ°åç°çBUGï¼æ¬¢è¿æ¨éæ¶éå°æ交Pull Requestã
å¦ææ¨è®¡åæä¾æ°çå 容æå å ¥å°æ们çå 容æ´æ°å¢éä¸ï¼è¯·å å建ä¸ä¸ªæ°çIssueåè¯æ们æå¨å·²æIssueçåºç¡ä¸ä¸æ们讨论ï¼å¦æéè¦ï¼æ们ä¹ä¼å®æçµè¯ä¼è®®æ¹ä¾¿æ们æ´è¿ä¸æ¥ç交æµã
å¦æéè¦äºè§£æ´å¤å ³äºè´¡ç®çä¿¡æ¯ï¼è¯·åèå ±å»ºæå
åé¦
- å¨Github Issueä¸æ交é®é¢
- ä¸æ们é®ä»¶æ²é
使å½
å¨æè²é¨æ导ä¸ï¼ä¾æäºæ°ä¸ä»£äººå·¥æºè½å¼æ¾ç§ç æè²å¹³å°ï¼å¾®è½¯äºæ´²ç 究é¢ç åå¢éåå¦æ¯åä½é¨å°ä¸ºæ¬ç¤¾åºæä¾å ¨é¢æ¯æãæ们å°å¨æ¤æä¾äººå·¥æºè½åºç¨å¼åççå®æ¡ä¾ï¼ä»¥åé å¥çæç¨ãå·¥å ·çå¦ä¹ èµæºï¼äººå·¥æºè½é¢åçä¸çº¿æå¸åå¦ä¹ è ä¹å°å享ä»ä»¬çèµæºä¸ç»éªã
æ£å¦å¾®è½¯ç使å½âäºåå ¨çæ¯ä¸äººãæ¯ä¸ç»ç»ï¼æå°±ä¸å¡âææåºçï¼æå¾ åç±æ¬ç¤¾åºç建ç«ï¼è½ä»¥å¼æºçæ¹å¼ï¼ä¸å¹¿å¤§å¸çãå¼åè ä¸èµ·å¦ä¹ ãè´¡ç®ï¼å ±å丰å¯ãå®åæ¬ç¤¾åºï¼æ¢è为ä¸å½äººå·¥æºè½çåå±æ·»ç å ç¦ã
许å¯åè®®
Top Related Projects
12 weeks, 26 lessons, 52 quizzes, classic Machine Learning for all
10 Weeks, 20 Lessons, Data Science for All!
12 Weeks, 24 Lessons, AI for All!
Google Research
An Open Source Machine Learning Framework for Everyone
Tensors and Dynamic neural networks in Python with strong GPU acceleration
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