Packt
Machine Learning with PyTorch and Scikit-Learn
Packt

Machine Learning with PyTorch and Scikit-Learn

包含在 Coursera Plus

深入了解一个主题并学习基础知识。
中级 等级

推荐体验

4 周 完成
在 10 小时 一周
灵活的计划
自行安排学习进度
深入了解一个主题并学习基础知识。
中级 等级

推荐体验

4 周 完成
在 10 小时 一周
灵活的计划
自行安排学习进度

您将学到什么

  • Comprehensive coverage of machine learning theory and application.

  • Modern content on PyTorch, transformers, and graph neural networks.

  • Intuitive explanations, practical examples, and labs, for hands-on learning.

要了解的详细信息

可分享的证书

添加到您的领英档案

最近已更新!

September 2025

作业

18 项作业

授课语言:英语(English)

了解顶级公司的员工如何掌握热门技能

Petrobras, TATA, Danone, Capgemini, P&G 和 L'Oreal 的徽标

该课程共有19个模块

In this section, we explore the foundational concepts of machine learning, focusing on how algorithms can transform data into knowledge. We delve into the practical applications of supervised and unsupervised learning, equipping you with the skills to implement these techniques using Python tools for effective data analysis and prediction.

涵盖的内容

2个视频5篇阅读材料1个作业

In this section, we implement the perceptron algorithm in Python to classify flower species in the Iris dataset, enhancing our understanding of machine learning classification. We also explore adaptive linear neurons to optimize models, using tools like pandas, NumPy, and Matplotlib for data processing and visualization.

涵盖的内容

1个视频7篇阅读材料1个作业1个编程作业1个非评分实验室

In this section, we explore various machine learning classifiers using scikit-learn's Python API, focusing on their implementation and practical applications. We analyze the strengths and weaknesses of classifiers with both linear and nonlinear decision boundaries to enhance our understanding of solving real-world classification problems efficiently.

涵盖的内容

1个视频11篇阅读材料1个作业1个编程作业1个非评分实验室

In this section, we focus on data preprocessing techniques using pandas 2.x to enhance machine learning model performance. We address missing data handling and feature selection to optimize model accuracy and efficiency.

涵盖的内容

1个视频9篇阅读材料1个作业1个编程作业1个非评分实验室

In this section, we explore dimensionality reduction techniques such as PCA and LDA to simplify large datasets while preserving essential information. We also examine t-SNE for effective data visualization, enhancing our ability to manage and interpret complex data efficiently.

涵盖的内容

1个视频7篇阅读材料1个作业

In this section, we explore best practices for evaluating and refining machine learning models, focusing on techniques like K-Fold Cross-Validation and hyperparameter tuning to enhance model performance. We also diagnose bias and variance issues using learning curves, ensuring models are both accurate and reliable in real-world applications.

涵盖的内容

1个视频8篇阅读材料1个作业1个编程作业1个非评分实验室

In this section, we explore ensemble learning techniques by implementing majority voting, bagging, and boosting to enhance model accuracy and robustness. We focus on practical applications, such as reducing overfitting and improving weak learner performance, to build more reliable predictive models.

涵盖的内容

1个视频9篇阅读材料1个作业

In this section, we apply machine learning to sentiment analysis by preparing IMDb movie review data, transforming text into feature vectors, and training a logistic regression model for classification. We also explore out-of-core learning techniques to handle large datasets efficiently, enhancing our ability to derive insights from extensive text data collections.

涵盖的内容

1个视频7篇阅读材料1个作业1个编程作业1个非评分实验室

In this section, we explore regression analysis to predict continuous target variables, focusing on implementing linear regression with scikit-learn and designing robust models to handle outliers. We also analyze nonlinear data using polynomial regression, enhancing our ability to interpret complex data patterns and make informed predictions in scientific and industrial contexts.

涵盖的内容

1个视频6篇阅读材料1个作业

In this section, we explore clustering analysis to organize unlabeled data into meaningful groups using unsupervised learning techniques. We implement k-means clustering with scikit-learn, design hierarchical clustering trees, and analyze data density with DBSCAN to enhance data analysis and decision-making processes.

涵盖的内容

1个视频5篇阅读材料1个作业

In this section, we implement a multilayer neural network from scratch using Python, focusing on the backpropagation algorithm for training. We also evaluate the network's performance on image classification tasks, emphasizing the importance of understanding these foundational concepts for developing advanced deep learning models.

涵盖的内容

1个视频8篇阅读材料1个作业

In this section, we delve into how PyTorch enhances neural network training efficiency by utilizing its Dataset and DataLoader for streamlined input pipelines. We also explore the implementation of neural networks using PyTorch's torch.nn module and analyze various activation functions to optimize artificial neural networks.

涵盖的内容

1个视频9篇阅读材料1个作业1个编程作业1个非评分实验室

In this section, we delve into PyTorch's mechanics, focusing on implementing neural networks using the `torch.nn` module and designing custom layers for research projects. We also analyze computation graphs to enhance model building, equipping you with skills to tackle complex machine learning tasks efficiently.

涵盖的内容

1个视频9篇阅读材料1个作业

In this section, we explore the implementation of convolutional neural networks (CNNs) in PyTorch for image classification tasks, focusing on understanding CNN architectures and enhancing model performance through data augmentation techniques. We also delve into the building blocks of CNNs, including convolution operations and subsampling layers, to equip you with the skills necessary for developing robust image recognition systems.

涵盖的内容

1个视频10篇阅读材料1个作业

In this section, we explore the implementation of recurrent neural networks (RNNs) for sequence modeling in PyTorch, focusing on their application in sentiment analysis and character-level language modeling. We delve into the intricacies of RNNs, including long short-term memory (LSTM) cells, to enhance our understanding of processing sequential data effectively.

涵盖的内容

1个视频7篇阅读材料1个作业

In this section, we explore how attention mechanisms enhance NLP by improving RNNs and introducing self-attention in transformer models. We also learn to fine-tune BERT for sentiment analysis using PyTorch, advancing language processing applications.

涵盖的内容

1个视频14篇阅读材料1个作业

In this section, we explore generative adversarial networks (GANs) and their application in synthesizing new data samples, focusing on implementing a simple GAN to generate handwritten digits. We also analyze the loss functions for the generator and discriminator, and discuss improvements using convolutional techniques to enhance data generation quality.

涵盖的内容

1个视频8篇阅读材料1个作业

In this section, we explore the implementation of graph neural networks (GNNs) using PyTorch Geometric, focusing on designing graph convolutions for molecular property prediction. We also analyze how graph data is represented in neural networks to enhance the understanding and application of GNNs in AI tasks such as drug discovery and traffic forecasting.

涵盖的内容

1个视频7篇阅读材料1个作业

This chapter introduces reinforcement learning, covering the theory and implementation of algorithms for training agents to make optimal decisions. We explore key concepts like Markov decision processes, Q-learning, and deep Q-learning, with practical examples in Python using OpenAI Gym.

涵盖的内容

1个视频13篇阅读材料

位教师

Packt - Course Instructors
Packt
971 门课程229,122 名学生

提供方

Packt

从 Machine Learning 浏览更多内容

人们为什么选择 Coursera 来帮助自己实现职业发展

Felipe M.
自 2018开始学习的学生
''能够按照自己的速度和节奏学习课程是一次很棒的经历。只要符合自己的时间表和心情,我就可以学习。'
Jennifer J.
自 2020开始学习的学生
''我直接将从课程中学到的概念和技能应用到一个令人兴奋的新工作项目中。'
Larry W.
自 2021开始学习的学生
''如果我的大学不提供我需要的主题课程,Coursera 便是最好的去处之一。'
Chaitanya A.
''学习不仅仅是在工作中做的更好:它远不止于此。Coursera 让我无限制地学习。'
Coursera Plus

通过 Coursera Plus 开启新生涯

无限制访问 10,000+ 世界一流的课程、实践项目和就业就绪证书课程 - 所有这些都包含在您的订阅中

通过在线学位推动您的职业生涯

获取世界一流大学的学位 - 100% 在线

加入超过 3400 家选择 Coursera for Business 的全球公司

提升员工的技能,使其在数字经济中脱颖而出

常见问题