강의

멘토링

로드맵

Inflearn brand logo image
BEST
AI Development

/

Deep Learning & Machine Learning

Complete mastery of deep learning theory + PyTorch practice

This course teaches the “core concepts” of deep learning required to work in the deep learning field and the practical skills required to perform actual deep learning projects through hands-on training using PyTorch.

(4.9) 46 reviews

432 learners

  • peterbyun969574
이론 실습 모두
개념정리
딥러닝기초
딥러닝모델
자연어처리
Deep Learning(DL)
PyTorch
Computer Vision(CV)
NLP
transformer

Reviews from Early Learners

What you will learn!

  • How Deep Learning Works

  • Core concepts of deep learning (loss function, gradient descent, automatic differentiation, etc.)

  • Creating Custom Models with PyTorch

  • Major models of deep learning (CNN, RNN, Transformer)

  • Hands-on training in computer vision

  • Practical training in natural language processing

Artificial intelligence (AI) field
Attention job seekers and new employees!

AlphaGo

AlphaFold

Images generated with DALLE

ChatGPT

Deep learning is demonstrating remarkable results across a wide range of fields, including computer vision, natural language processing, and biology. Representative examples include AlphaGo, AlphaFold, DALLE, and ChatGPT. Consequently, market demand for deep learning (DL)/machine learning (ML) engineers and scientists is rapidly increasing.

However, I believe that deep learning education services that teach the level of theory and practice required in the field are still lacking .

This course has a curriculum designed to provide in-depth study of the “core concepts and practices” of deep learning required to work in the deep learning field .

From core principles to practice
Deep learning in one go

Learn the “core concepts” of deep learning required in the field of deep learning and strengthen your practical deep learning project skills through hands-on practice using PyTorch.

Theories and concepts are explained in depth and as easily as possible through various visualizations, rather than superficially.

Each section includes practical exercises linked to the theory, allowing you to intuitively understand how the theory is implemented and integrated into code .

To make up for the shortcomings of boot camps and major classes
Contains only practical content

There are many bootcamps and courses on deep learning, but I don't see any that offer in-depth, industry-relevant instruction. They mostly focus on traditional machine learning techniques like random forests and support vector machines. Even when it comes to deep learning, I don't think there's a place that offers a comprehensive, hands-on approach that covers both theory and practice. Therefore, even if you take these courses, your fundamental skills will likely remain weak, making it difficult to pass technical interviews or become a successful ML engineer.

For example, many deep learning courses and bootcamps teach gradient descent, but fail to explain automatic differentiation, which makes it possible to perform gradient descent efficiently. Since all deep learning frameworks (PyTorch, TensorFlow, etc.) are built on automatic differentiation, understanding automatic differentiation is considered essential to claiming a "deep learning understanding."

In contrast, this course aims to cover all the core deep learning concepts that many bootcamps and lectures miss .

And in this course, we will not stop at simply introducing the concepts, but will delve deeper into “why they are used,” “what they mean,” “in what context were they proposed,” “what effects do they have,” etc., and through various actual Toy Projects and practical exercises, you will learn how the theory is implemented and applied to code in connection with the theory.

For example, we cover the following:

  • What is the meaning of Cross Entropy Loss used in classification learning and its relationship with KL Divergence?

  • Why Initialization is Important and What Effects Does It Have?

  • Why is Batch Normalization used and what effect does it have?

  • What is the structure of Attention and Transformer, which are the basis of LLM, and how do they work?

  • How is Gradient Descent performed and implemented in PyTorch and Tensorflow?

Therefore, after taking this class, students will be able to acquire the understanding of deep learning theory and practical skills necessary to work in the deep learning field .

For reference, I have compiled this into a condensed version of only the essential information you need to know to work in the deep learning field .

With solid theory and diverse practice
A comprehensive overview of core deep learning concepts and models.

The course is divided into 16 sections . This course covers all the fundamentals and core concepts of deep learning (from gradient descent to attention) and covers representative deep learning models (fully connected neural networks, CNNs, recurrent neural networks, and transformers) . While in-depth, it avoids overly mathematical details. Instead , it breaks down the meaning of formulas in simple terms and provides easy-to-understand explanations through a variety of visualizations .

Each section consists of [Theory] lectures and [Practice] lectures .

[Theory Part]

  1. Explained as easily as possible with visualizations

  1. Covers all core concepts of deep learning and representative deep learning models.

  1. In-depth explanations to help you understand the meaning of the concept

[Practical Part]

  1. Explains in detail how the theory is implemented and grafted into code.

  1. Includes several "real-world" deep learning projects required for practical skills.

  1. Each section begins with a theoretical explanation followed by practical training.

  1. Hands-on training on PyTorch's core components (Dataset, Dataloader, optimizer, etc.)

Additionally, the CNN section and the RNN, Attention & Transformer section perform Toy Projects for Computer Vision and NLP, respectively.

I recommend this to these people

Those preparing for employment or career change as a machine learning/deep learning engineer

Those who wish to advance to AI graduate school

Those who want to study machine learning/deep learning properly

After class

  • You will gain a thorough and in-depth understanding of how deep learning works .


  • You will understand the main models of deep learning and be able to apply them to real-world problems .


  • You will acquire the understanding of deep learning theory and practical skills necessary to work in the deep learning field .

  • You will be able to understand and utilize the core components of PyTorch (Dataset, Dataloader, Optimizer, etc.) .

  • You will be able to create custom deep learning models with PyTorch.


Learn about these things

Section (1) Setting up your environment for PyTorch practice

  • Set up the environment required for deep learning practice.

  • We will explain how to install and use PyTorch, a deep learning framework, VS Code, a programming IDE, and Google Colab, which can utilize GPU resources.

Section (2) What is Deep Learning?

  • Learn what deep learning is and what problems it aims to solve.

  • Learn the components and operating principles of Neural Networks.

  • You will learn the basic concepts related to deep learning practice and the basics of PyTorch.

Section (3) Loss Function

  • You will learn about loss functions, one of the core components of deep learning.

  • You will learn about the definition of loss functions, Regression and Classification tasks, and the types of losses used in each task.

Section (4) Advanced theory on loss functions

  • You will learn advanced theory about loss functions.

  • We will look at Cross Entropy Loss and KL Divergence Loss in more detail, and also learn about one-hot encoding and entropy concepts.

Section (5) Gradient Descent

  • It is a means to optimize the weight of a neural network and is the core of deep learning.

    You will learn about Gradient Descent.

  • You will learn about the basic concepts of Gradient Descent, the meaning of Gradient, the effect and role of Learning Rate, and Mini-batch Gradient Descents.

Section (6) Advanced theory of gradient descent

  • You will learn about the advanced theory of gradient descent.

  • How Gradient Descent is performed for multi-variate inputs and multiple neurons.

  • What is automatic differentiation, which deep learning frameworks are based on, and how does it work?

  • You will learn various advanced theories such as what gradient means and so on.

Section (7) Activation Function

  • Activation is one of the core components of Neural Network.

    You will learn about ation functions.

  • Learn what an Activation Function is and why you need it.

  • And you will learn about different types of Activation Functions and their characteristics.

Section (8) Optimization

  • Learn about various optimization methods that further develop the Mini-batch Gradient Descent method.

  • You will learn about the characteristics of major optimization methods and understand their evolutionary history.

Section (9) Creating a Fully Connected NN with PyTorch

  • In Section 9, we'll build a fully connected neural network with PyTorch and summarize the exercises we've learned so far.

Section (10) Regularization

  • In Section 10, we will learn about what overfitting is and one way to address it: regularization.

Section (11) Learning Rate Scheduler

  • Learn about the learning rate scheduler, a method to adjust the learning rate based on the learning progress and time step.

Section (12) Initialization

  • Learn how to initialize.

  • Why initialization is important, criteria for desirable initialization,

    You will learn how initialization affects model learning and which initialization methods are appropriate for each activation function.


  • You will learn about initialization methods using transfer learning.

Section (13) Normalization

  • You will learn about Normalization, which has become an "almost" essential component of Neural Networks.

  • Learn about different types of Normalization Layers.

  • We cover the Internal Covariate Shift problem, a common question in technical interviews, and the practical benefits of Batch Normalization.

Section (14) Convolutional Neural Network (CNN)

  • Learn about how CNN works, the various variants of CNN layers, and representative CNN models.

  • We will implement a CNN model and perform a computer vision project using CNN.

Section (15) Recurrent Neural Network (RNN)

  • Learn how RNN works,

  • You will learn how backpropagation in RNNs is actually performed and why the vanishing gradient problem occurs.

  • Learn about LSTM and GRU, which are representative RNN models.

  • I am working on an NLP project using RNN, GRU, and LSTM.

Section (16) Attention and Transformer

  • Attention and Transformer, which are the foundation of LLM

  • Learn about the basic concepts of Attention and the evolutionary history of Attention (BERT, Transformer).

  • Learn about the structure and operating principles of a transformer.

  • We are working on an NLP project using the BERT model.

Things to note before taking the course

Practice environment

  • Operating System and Version (OS): Windows, macOS

  • Tools used: Visual Studio Code, Google Colab

  • PC specifications: CPU 2 cores or higher, memory 8GB or higher, disk 32GB or higher

Player knowledge

  • Basics of Python

  • Basics of Numpy

  • High school math (differentiation) and English (for understanding deep learning terminology)

    • (Although not required) it would be helpful to know Linear Algebra and Probability.

    • We provide supplementary explanations for concepts or content that go beyond the high school math and English level.


Frequently Asked Questions

Can I follow the lectures even if I am not a major?

  • Since the lecture content is quite in-depth, there may be some concepts that you may not immediately understand.

  • However, I created the lecture with non-majors in mind, and I think you will understand it if you go through it carefully several times because the lecture explains all concepts beyond high school mathematics.

  • However, there may be parts that you do not fully understand. Q&A on the lecture content is also provided, so please feel free to ask questions at any time about any parts you do not understand or are confused about!

Can I follow the exercises even if I don't have a personal laptop?

  • Yes, it is possible!

  • You can write code in Google Colab notebooks and run the code on top of the Colab notebooks.

  • Google Colab notebooks already have the deep learning environments we need (pytorch, numpy, matplotlib, etc.).

  • And because the resources required to run code on a Colab notebook use the CPU and GPU of a Google remote server, not the user's local resources, you can sufficiently follow along with the exercises on an iPad rather than a desktop or laptop.

  • Google Colab also has a free version, so you can practice without any burden!

Recommended for
these people

Who is this course right for?

  • Preparing for a job or career change as a machine learning/deep learning engineer

  • AI graduate school admission goal

  • Anyone who wants to learn machine learning/deep learning properly

  • Those who want to solidify their theoretical and practical skills in deep learning

  • Those who have taken many deep learning courses and boot camps but were disappointed

  • Anyone preparing for an ML engineer technical interview

  • Non-majors preparing for employment as ML engineers

Need to know before starting?

  • High school level English and Math

  • Basic Python

  • Basic Numpy

Hello
This is

432

Learners

46

Reviews

34

Answers

4.9

Rating

1

Course

경력:

  • (현) ML Engineer @ MakinaRocks

  • (전) ML Engineer @ DearGen

  • (전) ML Engineer @ DeepBio

  • (전) Research Student @ UCL NLP Group, Streetbees

  • (전) Research Student @ ICL Photonics Lab

     

학력:

  • University College London (UCL): MSc in Machine Learning (머신러닝 석사) (학점: Distinction, GPA 4.0/4.0)

  • Imperial College London (ICL): BSc in Theoretical Physics (이론물리학 학사) (학점: First Class Honours, GPA 4.0/4.0)

소개:

5년차 Machine Learning Engineer입니다. (Google DeepMind가 출범하였고, Demis Hasabis가 박사과정을 한) University College London에서 머신러닝 석사를 전공하였습니다. 석사 때는 NLP에서 Knowledge Graph Embedding을 연구하였고, DeepBio에서는 Medical Diagnosis에 적용되는 Image Classification, Segmentation 딥러닝 모델들을 개발하였습니다. Deargen에서는 신약 개발의 Drug Target Interaction와 같은 문제 적용되는 GNN, RNN, Transformer 등등의 다양한 딥러닝 모델들을 적용한 경험이 있습니다. 현재 재직중인 MakinaRocks에서는 제조 현장의 로봇팔의 이상탐지에 적용되는 딥러닝 모델 및 머신러닝 시스템을 구축하고 있습니다.

Curriculum

All

143 lectures ∙ (13hr 48min)

Course Materials:

Lecture resources
Published: 
Last updated: 

Reviews

All

46 reviews

4.9

46 reviews

  • kmtune님의 프로필 이미지
    kmtune

    Reviews 3

    Average Rating 5.0

    5

    24% enrolled

    loss function, optimizer 등 개념을 잘 모르고 사용한 부분에 대해서도 꼼꼼하게 짚어 주셔서 이론을 리뷰하는데 큰 도움이 되었습니다. 중급 과정 강의도 기대하겠습니다!!

    • 변정현
      Instructor

      수강해주셔서 감사합니다 :) 그리고 도움이 되셨다니 다행이네요! 다음 강의도 더 열심히 준비해서 오픈하겠습니다!

  • Daeung Kim님의 프로필 이미지
    Daeung Kim

    Reviews 1

    Average Rating 5.0

    5

    31% enrolled

    입문자를 대상으로 하는 강의지만 2, 3년차 실무자의 주요 개념 복습용도로도 좋은 강의인 것 같습니다. 딥러닝의 수많은 이론과 논문들 중에서도 중요한 핵심 개념들이 짜임새있게 구성되어있고 소개념별로 강의가 분리되어있어 필요한 내용을 찾아보기 편리합니다. 개념 뿐만 아니라 구현까지 이해하기 쉽게 설명해주셔서 실무에도 도움이 되었습니다. 이 강의를 제가 대학생때 접했으면 좋았을텐데 왜 이런 강의를 이제야 접했는지 아쉽네요. 개념과 구현을 동시에 잡고 싶으신 분들에게 추천드립니다.

    • 로켓파이브님의 프로필 이미지
      로켓파이브

      Reviews 17

      Average Rating 5.0

      5

      22% enrolled

      백앤드 개발자 역할을 현재 하고 있는 사람입니다. 처음에 강의를 수강할 때 망설여졌지만, 수강 후 선택을 잘했다고 생각하고 있습니다. 평소에 저는 ML 엔지니어로 관심이 많아 수강하게 되었습니다. 물론, 최근 인공지능에 대해 관심이 무척 많았던 것도 결정적으로 수강한 계기가 되었구요. 우선, 대학교때 배웠던 가물가물했던 개념을 쉽게 설명 해 주셔서 확실히 이해가 좋았습니다. 특히, 이론강의 중 수식 설명을 쉽게 해 주셔서 수식에 대한 이해가 좋았구요. 특히, 저와 같이 ML에 대한 기본적인, 겉으로만 알고 있는 사람에게 딱 적합한 강의인 것 같습니다. 참고로 제가 예전 대학원 다닐때 논문으로 고생을 했는데요. 그 때 이 강의가 있었으면 무척 도움이 많아 되었을 것 같습니다. 인공지능 대학원쪽에 관심이 있거나, 대학원 논문 작성시 개념적인 내용이 필요한 분은 한번쯤 들어보면 많이 도움이 될 것 같습니다.

      • 변정현
        Instructor

        안녕하세요! 대부분의 딥러닝 부트캠프들과 강의들이 너무 기본적인 내용들만 수박 겉햝기 식으로 훑고 마는 것에 대한 폐해에 너무 답답한 마음이 들었고, 제가 면접을 봤던 수많은 부트캠프 출신 면접자들이 단편적으로만 딥러닝을 이해해서 안타까운 마음이 컸습니다. 그래서 정말 오랜 시간과 많은 공수를 들여 이번 강의를 만들게 되었는데 이렇게 도움이 되셨다니 정말 기쁘네요! 수강해주셔서 감사합니다!

    • hojin Lee님의 프로필 이미지
      hojin Lee

      Reviews 1

      Average Rating 5.0

      5

      30% enrolled

      이 강의는 딥러닝의 기초부터 고급 주제에 이르기까지 폭넓게 다루며, PyTorch를 사용한 실습 위주의 접근 방식을 채택하여 좋았습니다. PyTorch 환경 설정, 딥러닝의 기본 개념, 손실 함수, 경사 하강법, 활성 함수, 최적화, 정규화, 학습 속도 스케쥴러, 초기화, 표준화, CNN(Convolutional Neural Network), RNN(Recurrent Neural Network), 그리고 최신 주제인 Attention과 Transformer까지 다양한 주제를 다뤄서 좋았습니다. 강의는 초보자도 쉽게 접근할 수 있도록 설계되었으며, 각 섹션은 이론 설명과 함께 다양한 실습으로 구성되어 있어 학습자가 직접 코드를 작성하며 딥러닝의 원리를 체험할 수 있는 점이 특히 마음에 들었습니다. 특히, 실무에서 바로 적용 가능한 기초 개념부터 시작하여 고급 주제까지 단계별로 학습할 수 있어, 딥러닝 분야에 처음 접근하는 사람뿐만 아니라, 기본 지식을 리마인드하고자 하는 현업 인원들에게도 추천할만 하다고 생각합니다. 각 주제는 충분한 실습과 예제를 통해 깊이 있게 다루어지며, 이를 통해 학습자는 딥러닝의 다양한 측면을 종합적으로 이해하고 실제 문제 해결에 적용할 수 있는 능력을 기를 수 있을 거라고 생각합니다. 강의의 체계적인 구성과 실습 중심의 접근 방식은 학습자가 딥러닝 기술을 실제로 활용하는 데 필요한 실질적인 경험을 제공하는 이 강의를 딥러닝 분야에 관심이 있는 모든 이들에게 강력히 추천합니다.

      • 변정현
        Instructor

        강의를 수강해주시고 이렇게 또 상세하게 리뷰 적어주셔서 감사합니다 ㅠㅠ 안그래도 폭넓은 주제를 다루되 최대한 깊이 있으면서도 쉽게 풀어서 설명드리고 실습을 통한 실무 감각을 익힐 수 있도록 커리큘럼을 구성하는데 고민을 많이 했습니다. 이렇게 도움이 되셨다니 보람차네요! 감사합니다 :)

    • 김철진님의 프로필 이미지
      김철진

      Reviews 1

      Average Rating 5.0

      5

      31% enrolled

      딥러닝 분야를 처음 접해보는 분은 물론, 중요 개념 위주로 복습해보시고 싶은 실무자 모두에게 도움이 될 수 있는 강의입니다. 처음 접해보는 분은 목차를 따라 흐름을 따라갈 수 있도록 강의의 구성이 bottom-up으로 잘 짜여있는 것 같고, 기존 실무자 분들은 내가 취약했던 개념을 빠른 시간 안에 복습해볼 수 있을 것 같습니다. 강의 목차와 내부 구성이 군더더기 없이 필수 요소를 잘 캐치하여 넣어주신 것 같습니다. 구성과 내용이 아주 깔끔합니다. 또한, 실무자 관점에서 관심이 있을만한 내용으로 강의가 잘 구성되어 있습니다. 예를 들면, - 그래서 내부 동작은 어떤 로직으로 수행되는가? - 그래서 그걸 어떻게 implementation 하는가? 이 두 가지가 잘 차별화되어있다고 느꼈습니다. 실제로 교수자 관점에서만이 아닌, 업무 수행 관점에서 알 수 있는 경험적인 내용이 잘 녹아있습니다.

      • 변정현
        Instructor

        강의를 수강해주셔서 감사합니다~ 정말 디테일하게 리뷰 남겨주셔서 감사합니다! 수강생 분들이 꼭 알아야 하는 핵심 개념들을 빠짐없이, 그리고 최대한 쉽게 풀어서 설명드릴 수 있도록 정말 많이 고민하고 많은 공수를 들여서 강의를 만들었는데 이렇게 알아봐 주셔서 정말 감사하고 정말 보람차네요 ㅠㅠ 리뷰 감사드립니다!

    Limited time deal ends in 4 days

    $213,670.00

    25%

    $220.00

    Similar courses

    Explore other courses in the same field!