Deep Learning And Neural Networks Python - Keras : For Dummies

Deep Learning and Data Science using Python and Keras Library - Beginner to Professional - The Complete Guide

  • (5.0) 0 estudiantes inscritos

Resumen del curso

The world has been revolving much around the terms "Machine Learning" and "Deep Learning" recently. With or without our knowledge every day we are using these technologies. Ranging from Google suggestions, translations, ads, movie recommendations, friend suggestions, sales and customer experience so on and so forth. There are tons of other applications too. No wonder why "Deep Learning" and "Machine Learning along with Data Science" are the most sought after talent in the technology world nowadays.

But the problem is when you think about learning these technologies, a misconception that lot of maths, statistics, complex algorithms and formulas need to be studied before. It is just like someone tries to make you believe that, you should learn the working of an Internal Combustion engine before you learn how to drive a car. The fact is that to drive a car, we just only need to know how to use the user-friendly control pedals extending from the engine like the clutch, brake, accelerator, steering wheel etc. And with a bit of experience, you can easily drive a car.

The basic know-how about the internal working of the engine is, of course, an added advantage while driving a car, but it's not mandatory. Just like that, in our deep learning course, we have a perfect balance between learning the basic concepts along with the implementation of the built-in Deep Learning Classes and functions from the Keras Library using the Python Programming Language. These classes, functions and APIs are just like the control pedals from the car engine, which we can use easily to build an efficient deep learning model.

Lets now see how this course is organized and an overview of the list of topics included.

We will be starting with a few theory sessions in which we will see an overview of the Deep Learning and neural networks. The difference between deep learning and machine learning, the history of neural networks, the basic work-flow of deep learning, biological and artificial neurons and applications of neural networks.

In the next session, we will try to answer the most popular, yet confusing question of whether we have to choose Deep Learning or machine learning for an upcoming project involving Artificial intelligence. We will compare the scenarios and factors which help us to decide between machine learning or deep learning.

And then we will prepare the computer and install the python environment for doing our deep learning coding. We will install the anaconda platform, which is the most popular python platform and install the necessary dependencies to proceed with the course.

Once we have our computer ready, we will learn the basics of python language which could help if you are new to python and get familiar with the basic syntax of python to help with the projects in our course. We will cover the details about python assignments, flow control, functions, data structures etc.

Later we will install the libraries for our projects like Theano, Tensorflow and Keras which are the best and most popular deep learning libraries. We will try a sample program with each library to make sure its working fine and also learn how to switch between them.

Then we will have another theory session in which we will learn the concept of Multi-Layer perceptrons, which is the basic element of the deep learning neural network and then the terminology and the Major steps associated with Training a Neural Network. We will discuss those steps in details in this session.

After all these exhaustive basics and concepts, we will now move on to creating real-world deep learning models.

At first, we will download and use the Pima Indians Onset of Diabetes Dataset, with the training data of Pima Indians and whether they had an onset of diabetes within five years. We will build a classification model with this and later will train the model and evaluate the accuracy of the model. We will also try Manual and automatic data splitting and k-Fold Cross-Validation with this model

The next dataset we are going to use is the Iris Flowers Classification Dataset, which contains the classification of iris flowers into 3 species based on their petal and sepal dimensions. This is a multi-class dataset and we will build a multi-classification model with this and will train the model and try to evaluate the accuracy.

The next dataset is the Sonar Returns Dataset, which contains the data about the strength of sonar signals returns and classification whether it was reflected by a rock or any metal like mines under the sea bed. We will build the base model and will evaluate accuracy. Also, we will try to Improve Performance of model With Data Preparation technique like standardization and also by changing the topology of the neural network. By making it deeper or shallow.

We will also use the Boston House Prices dataset. Unlike the previous ones, this is a regression dataset which uses different factors to determine the average cost of owning a house in the city of Boston. For this one also we will build the model and try to Improve Performance of model With Data Preparation technique like standardization and also by changing the topology of the neural network.

As we have spent our valuable time designing and train the model, we need to save it to use it for doing predictions later. We will see how we can save the already trained model structure to either JSON or a YAML file along with the weights as an hdf5 file. Then we will load it and convert it back to a live model. We will try this for all the data sets we learned so far.

Now the most awaited magic of Deep Learning. Our Genius Multi-Layer Perceptron models will make predictions for custom input data from the already learned knowledge they have. The Pima Indian model will predict weather I will get diabetes in the future by analysing my actual health statistics. Then the next model, the Iris Flower model will predict correct species of the newly blossomed Iris flower in my garden.

Also, the prediction will be done with the Sonar Returns Model to check if the data provided matches either a mine or a rock under the sea.

Then with our next Multi-Layer Perceptron model, the Boston House Price model will predict the median value of the cost of housing in Boston.

Large deep learning models may take days or even weeks to complete the training. It is a long-running process. There is a great chance that some interruptions may occur in between and all our hard work till then will be lost. To prevent that, we have a feature called Check-pointing. We can safely mark checkpoints and keep them safe and load model from that point at a later time. Check-pointing can be done based on every improvement to a model during training or the best instance of the model during training.

At times, we may need to supervise and take a look at how the model is doing while its getting trained. We can Access Model Training History in Keras very easily and if needed can visualize the progress using a graphical representation.

Then we will deal with a major problem in Deep Learning called Over-fitting. Some neurons in the network gain more weightage gradually and will contribute to incorrect results. We will learn how to include drop-out regularization technique to prevent this from both visible as well as hidden layers

We can control the learning rate of a model. Just like we do rigorous learning at first and by the end of the lesson, we could slow down the pace to understand better, we will also configure and evaluate a time-based as well as drop-based learning rate scheduler for our new model called Ionosphere classification model.

In the sessions that follow, we will learn a powerful deep learning neural network technique called Convolutional Neural Networks. This is proved very efficient in dealing with difficult computer vision and natural language processing tasks where the normal neural network architecture would fail.

In the following sessions, at first, we will have an overview of the convolutional neural networks or CNNs. How it works and its architecture. Then we will proceed with some popular and interesting experiments with the convolutional neural network.

The major capability of deep learning techniques is object recognition in image data. We will build a CNN model in Keras to recognize handwritten digits. We will be using the openly available MNIST dataset for this purpose. We will at first build a Multi-Layer Perceptron based Neural Network at first for MNIST dataset and later will upgrade that to Convolutional Neural Network.

And you know what... we are bold enough to do prediction with a handwritten digit using our MNIST dataset. We will take time to train the model, save it. And later load it and do a quick prediction with the already saved model.

We will later try improving the performance of the model by making the network large. We will also try techniques like Image Augmentation, Sample Standardization, ZCA whitening, transformations like Random rotations, random shifts and flips to our augmented images. And we will finally save the augmented images as the dataset for later use.

Then we will go ahead with another important and challenging project using CNN which is the Object Recognition in Photographs. We will use another openly available dataset called CIFAR-10. We will learn about the CIFAR-10 object recognition dataset and how to load and use it in Keras. We will at first create a simple Convolutional Neural Network for object recognition. Then later will try to improve the performance using a deeper network. One more time we are having the guts to do a real-time prediction with the CIFAR-10 dataset Convolutional Neural network, where the model will identify a cat and dog from the image we supplied to the system.

Overall, this is a basic to an advanced crash course in deep learning neural networks and convolutional neural networks using Keras and Python, which I am sure once you completed will skyrocket your current career prospects as this is the most wanted skill nowadays and of course this is the technology of the future. We will also be providing you with an experience certificate after the completion of this course as proof of your expertise and you may attach it with your portfolio.

There is a day in the near future itself when the deep learning models will outperform human intelligence. So be ready and lets dive into the world of thinking machines.

¿Qué son los requerimientos?

  • A medium configuration computer and the willingness to indulge in the world of Deep Learning

¿Qué voy a obtener de este curso?

  • Deep Learning and Convolutional Neural Networks using Python for Beginners

¿Cuál es el público objetivo?

  • Beginners who are interested in Deep Learning using Python

Sobre el Autor

I  am a pioneering, talented and security-oriented Android/iOS Mobile and PHP/Python Web Developer Application Developer offering more than eight years’ overall IT experience which involves designing, implementing, integrating, testing and supporting impact-full web and mobile applications. I am a Post Graduate Masters Degree holder in Computer Science and Engineering. My experience with PHP/Python Programming is an added advantage for server based Android and iOS Client Applications. I am currently serving full time as a Senior Solution Architect managing my client's projects from start to finish to ensure high quality, innovative and functional design.

Curso curricular

Course Introduction and Table of Contents
1 Video Lectures | 11:30

  • Course Introduction and Table of Contents
    11:30
     

Deep Learning Overview - Theory Session - Part 1
2 Video Lectures | 12:21

  • Deep Learning Overview - Theory Session - Part 1
    05:51
     
  • Deep Learning Overview - Theory Session - Part 2
    06:30
     

Choosing Between ML or DL for the next AI project - Quick Theory Session
1 Video Lectures | 08:54

  • Choosing Between ML or DL for the next AI project - Quick Theory Session
    08:54
     

Preparing Your Computer
1 Document Lectures | 2 Video Lectures | 12:52

  • Preparing Your Computer - Part 1
    07:06
     
  • Preparing Your Computer - Part 2
    05:46
     
  • IMPORTANT: Tensorflow Incompatibility
    2 Page

Python Basics
4 Video Lectures | 34:38

  • Python Basics - Assignment
    09:16
     
  • Python Basics - Flow Control
    09:27
     
  • Python Basics - Functions
    04:00
     
  • Python Basics - Data Structures
    11:55
     

Theano Library Installation and Sample Program to Test
1 Video Lectures | 10:51

  • Theano Library Installation and Sample Program to Test
    10:51
     

TensorFlow library Installation and Sample Program to Test
1 Video Lectures | 09:06

  • TensorFlow library Installation and Sample Program to Test
    09:06
     

Keras Installation and Switching Theano and TensorFlow Backends
1 Video Lectures | 09:13

  • Keras Installation and Switching Theano and TensorFlow Backends
    09:13
     

Explaining Multi-Layer Perceptron Concepts
1 Video Lectures | 03:01

  • Explaining Multi-Layer Perceptron Concepts
    03:01
     

Explaining Neural Networks Steps and Terminology
1 Video Lectures | 10:06

  • Explaining Neural Networks Steps and Terminology
    10:06
     

First Neural Network with Keras - Understanding Pima Indian Diabetes Dataset
1 Video Lectures | 06:40

  • First Neural Network with Keras - Understanding Pima Indian Diabetes Dataset
    06:40
     

Explaining Training and Evaluation Concepts
1 Video Lectures | 11:15

  • Explaining Training and Evaluation Concepts
    11:15
     

Pima Indian Model - Steps Explained
2 Video Lectures | 16:11

  • Pima Indian Model - Steps Explained - Part 1
    09:15
     
  • Pima Indian Model - Steps Explained - Part 2
    06:56
     

Coding the Pima Indian Model
2 Video Lectures | 19:54

  • Coding the Pima Indian Model - Part 1
    10:54
     
  • Coding the Pima Indian Model - Part 2
    09:00
     

Pima Indian Model - Performance Evaluation - Automatic Verification
2 Video Lectures | 14:06

  • Pima Indian Model - Performance Evaluation - Automatic Verification
    06:25
     
  • Pima Indian Model - Performance Evaluation - Manual Verification
    07:41
     

Pima Indian Model - Performance Evaluation - k-fold Validation - Keras
1 Video Lectures | 09:34

  • Pima Indian Model - Performance Evaluation - k-fold Validation - Keras
    09:34
     

Pima Indian Model - Performance Evaluation - Hyper Parameters
1 Video Lectures | 11:41

  • Pima Indian Model - Performance Evaluation - Hyper Parameters
    11:41
     

Understanding Iris Flower Multi-Class Dataset
1 Video Lectures | 07:43

  • Understanding Iris Flower Multi-Class Dataset
    07:43
     

Developing the Iris Flower Multi-Class Model
3 Video Lectures | 24:02

  • Developing the Iris Flower Multi-Class Model - Part 1
    09:21
     
  • Developing the Iris Flower Multi-Class Model - Part 2
    05:44
     
  • Developing the Iris Flower Multi-Class Model - Part 3
    08:57
     

Understanding the Sonar Returns Dataset
1 Video Lectures | 07:18

  • Understanding the Sonar Returns Dataset
    07:18
     

Developing the Sonar Returns Model
1 Video Lectures | 09:37

  • Developing the Sonar Returns Model
    09:37
     

Sonar Performance Improvement - Data Preparation - Standardization
1 Video Lectures | 14:37

  • Sonar Performance Improvement - Data Preparation - Standardization
    14:37
     

Sonar Performance Improvement - Layer Tuning for Smaller Network
1 Video Lectures | 06:45

  • Sonar Performance Improvement - Layer Tuning for Smaller Network
    06:45
     

Sonar Performance Improvement - Layer Tuning for Larger Network
1 Video Lectures | 06:09

  • Sonar Performance Improvement - Layer Tuning for Larger Network
    06:09
     

Understanding the Boston Housing Regression Dataset
1 Video Lectures | 06:41

  • Understanding the Boston Housing Regression Dataset
    06:41
     

Developing the Boston Housing Baseline Model
1 Video Lectures | 07:54

  • Developing the Boston Housing Baseline Model
    07:54
     

Boston Performance Improvement by Standardization
1 Video Lectures | 06:55

  • Boston Performance Improvement by Standardization
    06:55
     

Boston Performance Improvement by Deeper Network Tuning
1 Video Lectures | 05:21

  • Boston Performance Improvement by Deeper Network Tuning
    05:21
     

Boston Performance Improvement by Wider Network Tuning
1 Video Lectures | 03:47

  • Boston Performance Improvement by Wider Network Tuning
    03:47
     

Save and Load the Trained Model as JSON File (Pima Indian Dataset)
2 Video Lectures | 16:57

  • Save And Load the Trained Model as JSON File (Pima Indian Dataset) - Part 1
    09:19
     
  • Save and Load the Trained Model as JSON File (Pima Indian Dataset) - Part 2
    07:38
     

Save and Load Model as YAML File - Pima Indian Dataset
1 Video Lectures | 04:56

  • Save and Load Model as YAML File - Pima Indian Dataset
    04:56
     

Load and Predict using the Pima Indian Diabetes Model
1 Video Lectures | 08:45

  • Load and Predict using the Pima Indian Diabetes Model
    08:45
     

Load and Predict using the Iris Flower Multi-Class Model
1 Video Lectures | 08:24

  • Load and Predict using the Iris Flower Multi-Class Model
    08:24
     

Load and Predict using the Sonar Returns Model
1 Video Lectures | 09:37

  • Load and Predict using the Sonar Returns Model
    09:37
     

Load and Predict using the Boston Housing Regression Model
1 Video Lectures | 07:47

  • Load and Predict using the Boston Housing Regression Model
    07:47
     

An Introduction to Checkpointing
1 Video Lectures | 05:51

  • An Introduction to Checkpointing
    05:51
     

Checkpoint Neural Network Model Improvements
1 Video Lectures | 09:45

  • Checkpoint Neural Network Model Improvements
    09:45
     

Checkpoint Neural Network Best Model
1 Video Lectures | 03:38

  • Checkpoint Neural Network Best Model
    03:38
     

Loading the Saved Checkpoint
1 Video Lectures | 04:45

  • Loading the Saved Checkpoint
    04:45
     

Plotting Model Behavior History
2 Video Lectures | 13:35

  • Plotting Model Behavior History - Introduction
    05:43
     
  • Plotting Model Behavior History - Coding
    07:52
     

Dropout Regularization - Visible Layer
2 Video Lectures | 16:53

  • Dropout Regularization - Visible Layer - Part 1
    10:43
     
  • Dropout Regularization - Visible Layer - Part 2
    06:10
     

Dropout Regularization - Hidden Layer
1 Video Lectures | 06:21

  • Dropout Regularization - Hidden Layer
    06:21
     

Learning Rate Schedule using Ionosphere Dataset-Intro
1 Video Lectures | 06:25

  • Learning Rate Schedule using Ionosphere Dataset
    06:25
     

Time Based Learning Rate Schedule - Part 1
2 Video Lectures | 18:38

  • Time Based Learning Rate Schedule - Part 1
    06:43
     
  • Time Based Learning Rate Schedule - Part 2
    11:55
     

Drop Based Learning Rate Schedule
2 Video Lectures | 15:05

  • Drop Based Learning Rate Schedule - Part 1
    06:52
     
  • Drop Based Learning Rate Schedule - Part 2
    08:13
     

Convolutional Neural Networks -Introduction
2 Video Lectures | 16:16

  • Convolutional Neural Networks - Part 1
    10:39
     
  • Convolutional Neural Networks - Part 2
    05:37
     

MNIST Handwritten Digit Recognition Dataset
2 Video Lectures | 16:14

  • Introduction to MNIST Handwritten Digit Recognition Dataset
    05:56
     
  • Downloading and Testing MNIST Handwritten Digit Recognition Dataset
    10:18
     

MNIST Multi-Layer Perceptron Model Development
2 Video Lectures | 16:26

  • MNIST Multi-Layer Perceptron Model Development - Part 1
    10:37
     
  • MNIST Multi-Layer Perceptron Model Development - Part 2
    05:49
     

Convolutional Neural Network Model using MNIST
2 Video Lectures | 25:05

  • Convolutional Neural Network Model using MNIST - Part 1
    13:12
     
  • Convolutional Neural Network Model using MNIST - Part 2
    11:53
     

Large CNN using MNIST
1 Video Lectures | 08:47

  • Large CNN using MNIST
    08:47
     

Load and Predict using the MNIST CNN Model
1 Video Lectures | 13:50

  • Load and Predict using the MNIST CNN Model
    13:50
     

Introduction to Image Augmentation using Keras
1 Video Lectures | 10:45

  • Introduction to Image Augmentation using Keras
    10:45
     

Augmentation using Sample Wise Standardization
1 Video Lectures | 09:57

  • Augmentation using Sample Wise Standardization
    09:57
     

Augmentation using Feature Wise Standardization and ZCA Whitening
1 Video Lectures | 04:18

  • Augmentation using Feature Wise Standardization and ZCA Whitening
    04:18
     

Augmentation using Rotation and Flipping
1 Video Lectures | 04:23

  • Augmentation using Rotation and Flipping
    04:23
     

Saving Augmentation
1 Video Lectures | 05:24

  • Saving Augmentation
    05:24
     

CIFAR-10 Object Recognition Dataset - Understanding and Loading
1 Video Lectures | 12:12

  • CIFAR-10 Object Recognition Dataset - Understanding and Loading
    12:12
     

Simple CNN using CIFAR-10 Dataset
3 Video Lectures | 23:56

  • Simple CNN using CIFAR-10 Dataset - Part 1
    09:25
     
  • Simple CNN using CIFAR-10 Dataset - Part 2
    06:10
     
  • Simple CNN using CIFAR-10 Dataset - Part 3
    08:21
     

Train and Save CIFAR-10 Model
1 Video Lectures | 08:27

  • Train and Save CIFAR-10 Model
    08:27
     

Load and Predict using CIFAR-10 CNN Model
1 Video Lectures | 15:45

  • Load and Predict using CIFAR-10 CNN Model
    15:45
     

críticas

  • No se encontraron comentarios