Convert Figma logo to code with AI

microsoft logoai-edu

AI education materials for Chinese students, teachers and IT professionals.

13,480
2,914
13,480
89

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

185,446

An Open Source Machine Learning Framework for Everyone

82,049

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:

  1. Visit the repository: https://github.com/microsoft/ai-edu
  2. Clone the repository to your local machine:
    git clone https://github.com/microsoft/ai-edu.git
    
  3. Navigate to the desired course or lab folder
  4. Follow the instructions provided in the README files for each section
  5. 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.

185,446

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.

82,049

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 Figma logo designs to code with AI

Visual Copilot

Introducing Visual Copilot: A new AI model to turn Figma designs to high quality code using your components.

Try Visual Copilot

README

微软人工智能教育与学习共建社区

微软人工智能教育与学习共建社区(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中提交问题
  • 与我们邮件沟通

使命

在教育部指导下,依托于新一代人工智能开放科研教育平台,微软亚洲研究院研发团队和学术合作部将为本社区提供全面支持。我们将在此提供人工智能应用开发的真实案例,以及配套的教程、工具等学习资源,人工智能领域的一线教师及学习者也将分享他们的资源与经验。

正如微软的使命“予力全球每一人、每一组织,成就不凡”所指出的,期待借由本社区的建立,能以开源的方式,与广大师生、开发者一起学习、贡献,共同丰富、完善本社区,既而为中国人工智能的发展添砖加瓦。

许可协议

LICENSE