Bundle Course - Deep Learning (Foundation - Keras - TensorFlow)
Become a Deep Learning / Machine Learning Engineer with command over Deep Learning concepts, Keras and TensorFlow technologies and their applications.Preview Bundle Course - Deep Learning (Foundation - Keras - TensorFlow) course
Price Match Guarantee Full Lifetime Access Access on any Device Technical Support Secure Checkout   Course Completion Certificate100% Started a new career BUY THIS COURSE (
USD 27 USD 69 )-
95% Got a pay increase and promotion
Students also bought -
-
- Deep Learning Foundation
- 10 Hours
- USD 14
- 1061 Learners
-
- Deep Learning with Keras
- 15 Hours
- USD 14
- 732 Learners
-
- Deep Learning with TensorFlow
- 50 Hours
- USD 14
- 333 Learners

Bundle Course – Deep Learning consists of the following individual courses –
1. Deep Learning Foundation
2. Deep Learning with Keras
3. Deep Learning with TensorFlow
Deep Learning - Deep Learning also known as Deep Structured Learning is a subset of machine learning and refers to neural networks that have the ability to learn the input data increasingly abstract representations. Artificial Intelligence and Deep Learning is revolutionizing technology, business, services and industry in a manner not seen before. This has been possible due to rapid progress and strides made in the computing and graphic processor technologies and widespread use of the internet and mobile devices. Deep learning focuses on artificial neural networks, specifically deep neural networks, to model and solve complex tasks. It is inspired by the structure and function of the human brain and has gained significant attention and success in various domains, including image recognition, natural language processing, speech recognition, and more.
Deep Learning with Keras - Deep Learning essentially means training an Artificial Neural Network (ANN) with a huge amount of data. In deep learning, the network learns by itself and thus requires humongous data for learning. Keras is high-level neural networks API that runs on top of TensorFlow an end to end open source machine learning platform. Using Keras, easily define complex ANN architectures to experiment on your big data. This course, Deep Learning with Keras, will get up to speed with both the theory and practice of using keras to implement deep neural networks.
Deep Learning with TensorFlow - TensorFlow is an end-to-end open source platform for machine learning. It has a comprehensive, flexible ecosystem of tools, libraries and community resources that lets researchers push the state-of-the-art in ML and developers easily build and deploy ML powered applications. If you are a software developer who wants to build scalable AI-powered algorithms, you need to understand how to use the tools to build them. This course is part of the upcoming Machine Learning in Tensorflow Specialization and will teach you best practices for using TensorFlow, a popular open-source framework for machine learning.
Here's how deep learning works:
1.Neural Networks: At the core of deep learning are artificial neural networks, which are composed of interconnected nodes or "neurons." These neurons are organized into layers: an input layer, one or more hidden layers, and an output layer. Deep neural networks have multiple hidden layers, which is what makes them "deep."
2.Training Data: Deep learning models require a large amount of labeled training data. The data is split into two sets: training data used to teach the model, and validation or testing data used to evaluate its performance.
3.Forward Propagation: During training, data is fed into the neural network through the input layer. Each neuron in a layer processes the information and passes it to neurons in the next layer through weighted connections. The weighted sum of these inputs, along with a bias term, is passed through an activation function. The result becomes the output of the neuron and is passed to the next layer. This process is known as forward propagation.
4.Loss Function: A loss function measures the difference between the predicted output and the actual target values in the training data. The goal of training is to minimize this loss function, essentially teaching the network to make better predictions.
5.Backpropagation: To minimize the loss function, deep learning models use an optimization algorithm, typically gradient descent. Backpropagation is the process of computing the gradient of the loss function with respect to the model's parameters (weights and biases) in the network. The gradient is used to update the parameters in a way that reduces the loss.
6.Epochs: Training involves multiple passes through the entire training dataset, known as epochs. During each epoch, the model's parameters are updated based on the computed gradients.
7.Validation and Testing: After training, the model is evaluated using the validation and testing datasets to assess its generalization performance. If it performs well on these datasets, it is considered a successful model.
8.Inference: Once the model is trained and validated, it can be used for inference. This means making predictions or classifications on new, unseen data.
Uplatz provides this in-depth bundle course on Deep Learning technologies including Keras and TensorFlow. This Deep Learning course will help you make a successful career as a Deep Learning Engineer and Machine Learning Data Scientist.
Course/Topic 1 - Deep Learning Foundation - all lectures
-
In this session we will learn about the introduction to Deep Learning. This video talks about Deep Learning as a series introduction and what is a neural network. Furthermore, we will talk about the 3 reasons to go deep and your choice of Deep net.
-
In this video tutorial we will discuss about the neural networks and the 3 reasons to go Deep. Further we will also learn about the use of GPU in artificial intelligence and your choice of deep net.
-
In this session we will learn about the deep learning models basics. After this video you will be able to understand the concept of restricted Boltzmann machines and deep belief network. Furthermore, you will learn about the convolution neural network and recurrent neural network.
-
In this video course further topics of Deep learning models. After this video you will be able to understand the convolution neural network and its characteristics in detail.
-
In this video course further topics of Deep learning models. After this video you will be able to understand the recurrent neural network and its characteristics.
-
In this session the tutor talks about the basic Additional Deep Learning Models. In this video you will learn about Auto encoders, Recursive neural tensor network and generative adversarial networks
-
This session is in continuation to the previous session. In this video we will learn about the Recursive Neural Tensor Network in detail and hierarchical structure of data.
-
In this Additional Deep Learning Models tutorial, we will proceed with the Generative Adversarial Networks (GAN) and its uses.
-
In this video the tutor explains the Platforms and Libraries of Deep Learning. We will start with what is a deep net platform, H2O.ai and Dato Graph Lab. Further we will see what is a Deep Learning Library and Theano and Caffe. We will also cover a bit of Keras and TensorFlow.
-
This tutorial will cover the further part of DatoGraph Lab and its history. Further we wil see the benefits and uses of DatoGraph Lab.
-
This tutorial will cover the further part of DatoGraph Lab and its history.
-
In this video we will cover the further topics of Deep Learning platform and Libraries such as what is a Deep Learning Library? when and how to use Theano and Caffe as Deep Learning Library.
-
In previous video we have leant about Theano and Caffe Deep Learning Library. In this video we will learn about the TensorFlow (free and open source library) as a Deep Learning Library and building Deep Learning Models.
-
In this video we will learn about the last type of Library i.e. Keras. Keras is an open source neural network library and runs on top of Theano or TensorFlow. We will further see the advantages of Keras in Deep Learning.
Course/Topic 2 - Deep Learning with Keras - all lectures
-
In this first session we will be learning about introductory topics of Deep Learning. We will see about what is Deep learning and what is artificial neural network. Furthermore, in the introduction to deep learning with Keras we will see the overview, features and benefits of Keras. Lastly we will learn about the Keras installation.
-
In this video tutorial we will learn about Keras as a neural based library. In this you will see the stepwise installation of keras, starting by creating a virtual environment and then activating the virtual environment.
-
This video will cover the topics under Keras such as Models, Layers and Modules. In Keras Models we will learn about sequential model and functional API. In Keras layers we will learn about Dense Layer, Dropout Layer, Convolution Layer and Pooling Layer.
-
This video session is a sequel to Keras – Models, Layers and Modules. In this we will learn in depth about the sequential model and the different layers in Keras.
-
In this session the tutor explains about the layers in sequential model and how the model looks like and its functions. We will see how to build a sequential model successfully.
-
This video talks about some methods on how to access the models. Further we will see about model.layers, model.input and model.output and understanding summarizing the model.
-
This session will explain the Keras layers in detail. The tutor talks about the basic concepts of each layer - Input layer, output layer and hidden layer. Further explanation is on Dense layer and its operation. Secondly we will learn about Dropout layers and lastly about Convolution layer.
-
In this video we cover the last part of this topic that is Modules. We will learn about the Modules provided by Keras such as Backend Module and Initializers Module.
-
This video course will explain about the Model Compilation, evaluation and Predictions in Keras. After watching this chapter, you will be able to understand the concepts of Loss, Optimizer, Metrics and Compiling the Module. We will also learn about Model Training, Model evaluation and Model Prediction.
-
This video is a sequel to the above video. In this video we will learn about the Optimizer concept in depth. In this session the tutor talks about what is Optimizer and Stochastic gradient descent (SGD) and Adam Optimizer.
-
This video is a sequel to the above video. In this video we will learn about the Loss concept in depth. Further we will see how the compilation of a model, its training and evaluation.
-
This video talks about the Model Training and its functions and batch size. Here we will see how to create data and code for single input model. Lastly we see about Model Prediction and why are predictions important.
-
This is a video tutorial on Life-Cycle for Neural Network Models in Keras. We will look at the 5 steps in the life cycle of neural network i.e. Define Network, compile Network, Fit Network, Evaluate Network and making Predictions.
-
This video is a sequel to the above video on 5 steps of Life cycle of Neural Network. In this we continue with the step 3 i.e. Fit Network and so on.
-
This tutorial explains in detail how to build our first Neural Network with Keras. Further we will learn about developing and evaluating deep learning models.
-
In this session tutor defines the Kera Model using sequential model. In the end we will see evaluating Keras Models.
-
In this session you will discover how to create your first deep learning neural network model in Python using Keras.
-
In this tutorial we will learn about building Image Classification Model with Keras. We will start with understanding what is image recognition (classification). Further we will learn about convolution neural network (CNN) and its layers. And Lastly we will see the stepwise process for building image classification model.
-
In this session we will learn Image classification model with examples to clear out the concepts in detail. The tutor talks about step 2 i.e. importing libraries and splitting dataset. Step 3 – Building the CNN. Step 4 – full connection. Step 5 – Compile the model.
-
This video is a sequel to the building image classification model tutorial. This video shows the step 6 i.e. Data Augmentation. Step 7 – setting train and test directories. Step 8 – Training our network.
-
This is the last part of building image classification model tutorial. In this session we will learn the concluding steps i.e. Make prediction (how to load an image with keras).
Course/Topic 3 - Deep Learning with TensorFlow - all lectures
-
In this lecture session we learn about the introduction of tensorflow and also talk about tensorflow is the learning framework of machine learning and deep learning.
-
In this tutorial we learn that TensorFlow has significant use in voice recognition systems like Telecom, Mobile companies, security systems, search engines, etc. It uses the voice recognition systems for giving commands, performing operations and giving inputs without using keyboards, mouse.
-
In this lecture session we learn about Tensorflow basic functions and also talk about Tensorflow is basically a software library for numerical computation using data flow.
-
In this lecture session we learn about TensorFlow is a machine learning framework developed by Google Brain Team. It is derived from its core framework: Tensor. In TensorFlow, all the computations involve tensors. A tensor is a vector or a matrix of n-dimensions which represents the types of data.
-
In this tutorial we learn about The TensorBoard enables us to monitor graphically and visually what TensorFlow is doing. Tensorflow’s name is directly derived from its core framework: Tensor. In Tensorflow, all the computations involve tensors. A tensor is a vector or matrix of n-dimensions that represents all types of data.
-
In this lecture session we learn about In TensorFlow, all operations are conducted inside a graph. The group is a set of calculations that takes place successively. Each transaction is called an op node. TensorFlow makes use of a graph framework.
-
In this lecture session we learn about ensorFlow Extended (TFX) is an end-to-end platform for deploying production ML pipelines. When you’re ready to move your models from research to production, use TFX to create and manage a production pipeline.
-
In this lecture session we learn about In TensorFlow, codes are written to create a graph, run a session, and execute the graph. Every variable we assign becomes a node where we can perform mathematical operations such as multiplication and addition.
-
In this lecture session we learn about Tensor algebra. In mathematics, the tensor algebra of a vector space V, denoted T(V) or T•(V), is the algebra of tensors on V (of any rank) with multiplication being the tensor product.
-
In this lecture session we learn about Linear algebra is the study of linear combinations. It is the study of vector spaces, lines and planes, and some mappings that are required to perform the linear transformations. It includes vectors, matrices and linear functions.
-
In this lecture session we learn about Python. It is a very simple programming language so even if you are new to programming, you can learn python without facing any issues. Interesting fact: Python is named after the comedy television show Monty Python’s Flying Circus.
-
In this tutorial we learn about basic introduction to python programming and also talk about features and functions of python programming in brief.
-
In this lecture session we learn about Python is a popular programming language. It was created by Guido van Rossum, and released in 1991. It is used for: web development (server-side), software development, mathematics.
-
In this tutorial we learn about Functions that can be both built-in or user-defined. It helps the program to be concise, non-repetitive, and organized. We can create a Python function using the def keyword. After creating a function we can call it by using the name of the function followed by parenthesis containing parameters of that particular function.
-
In this tutorial we learn about There are the following advantages of Python functions. Using functions, we can avoid rewriting the same logic/code again and again in a program. We can call Python functions multiple times in a program and anywhere in a program. We can track a large Python program easily when it is divided into multiple functions.
-
In this tutorial we learn about The purpose is to make your code more manageable and extensible. In-built functions in Python are the in-built codes for direct use. For example, print () function prints the given object to the standard output device (screen) or to the text stream file. In Python 3.6 (latest version), there are 68 built-in functions.
-
In this lecture session we learn that These operators are used to perform similar operations as that of logical gates; there are 3 types of logical operators in python. Python Operators are the backbone of any operations and functions in the programming context. This has been a guide to Python Operators.
-
In this lecture session we learn about There are various compound operators in Python like a += 5 that adds to the variable and later assigns the same. It is equivalent to a = a + 5. Python language offers some special types of operators like the identity operator or the membership operator. They are described below with examples. is and is not are the identity operators in Python.
-
In this lecture session we learn about Functions that can be both built-in or user-defined. It helps the program to be concise, non-repetitive, and organized. We can create a Python function using the def keyword. After creating a function we can call it by using the name of the function followed by parenthesis containing parameters of that particular function.
-
In this lecture session we learn about When the function is called, we pass along a first name, which is used inside the function to print the full name: Arguments are often shortened to args in Python documentations.
-
In this tutorial we learn about There are 3 types of arguments that you'll most likely encounter while writing an argumentative essay. These are: 1. Classical Argument The classical or Aristotelian model of argument is the most common type of argument. It was developed by a Greek philosopher and rhetorician, Aristotle.
-
In this lecture session we learn about Variable type in Python: Data types are the classification or categorization of data items. It represents the kind of value that tells what operations can be performed on a particular data. Since everything is an object in Python programming, data types are actually classes and variables are instances (object) of these classes.
-
In this lecture session we learn about functions by calling the function with required arguments, without having to worry about how they actually work. There's a whole wealth of built-in functions in Python. In this post, we shall see how we can define and use our own functions.
-
In this lecture session we learn about how to find the number is prime or not and also talk about more examples of finding prime numbers
-
In this lecture session we learn about Num function in python programming and also talk about different functions in python in brief.
-
In this tutorial we learn about Matplotlib is a Python 2D plotting library which produces publication quality figures in a variety of hardcopy formats and interactive environments across platforms. Matplotlib can be used in Python scripts, the Python and IPython shells, the Jupyter notebook, web application servers, and four graphical user interface toolkits.
-
In this tutorial we learn about the points that explain the advantages of NumPy: 1 The core of Numpy is its arrays. ... 2 Numpy supports some specific scientific functions such as linear algebra. ... 3 Numpy supports vectorized operations, like element wise addition and multiplication, computing Kronecker product, etc.
-
In this lecture session we learn about At the core of the NumPy package, is the ndarray object. This encapsulates n -dimensional arrays of homogeneous data types, with many operations being performed in compiled code for performance. There are several important differences between NumPy arrays and the standard Python sequences.
-
In this lecture session we learn about The Python library to do the mathematical operations in a flexible manner is called Pandas library. This is an open-source library used in data analysis and also in data manipulation so that data scientists can retrieve information from the data. It has a BSD license, and the number tables are manipulated easily.
-
In this lecture session we learn about Pandas DataFrame is two-dimensional size-mutable, potentially heterogeneous tabular data structure with labeled axes (rows and columns). A Data frame is a two-dimensional data structure.
-
In this tutorial we learn about Series is a one-dimensional labeled array capable of holding data of any type (integer, string, float, python objects, etc.). The axis labels are collectively called indexes. A pandas Series can be created using the following constructor.
-
In this lecture session we learn about Series is a one-dimensional, labeled data structure present in the Pandas library. The axis label is collectively known as index. Series structure can store any type of data such as integer, float, string, python objects, and so on.
-
In this lecture session we learn about Series is a one-dimensional labeled array capable of holding data of any type (integer, string, float, python objects, etc.). The axis labels are collectively called indexes.
-
In this tutorial we learn about String is an array of sequenced characters and is written inside single quotes, double quotes or triple quotes. Also, Python doesn’t have character data type, so when we write ‘a’, it is taken as a string with length 1.
-
In this lecture session we learn about Handling Missing Values in Python In this post, we will discuss: How to check for missing values Different methods to handle missing values Real life data sets often contain missing values. There is no single universally acceptable method to handle missing values.
-
In this lecture session we learn about The slice() function that returns a slice object. A slice object is used to specify how to slice a sequence. You can specify where to start the slicing, and where to end. You can also specify the step, which allows you to e.g. slice only every other item.
-
In this lecture session we learn that Python comes with functions that enable creating, opening, closing, reading, and writing files built-in. Opening a file in Python is as simple as using the open () function that is available in every Python version. The function returns a "file object.
-
In this lecture session we learn about We use the open () function in Python to open a file in read or write mode. As explained above, open () will return a file object. To return a file object we use open () function along with two arguments, that accepts filename and the mode, whether to read or write. So, the syntax being: open (filename, mode).
-
In this lecture session we learn about Before you can write to or read from a file, you must open the file first. To do this, you can use the open () function that comes built into Python. The function takes two arguments or parameters: one that accepts the file's name and another that saves the access mode. It returns a file object and has the following syntax.
-
In this lecture session we learn about The Machine Learning process starts with inputting training data into the selected algorithm. Training data being known or unknown data to develop the final Machine Learning algorithm. The type of training data input does impact the algorithm, and that concept will be covered further momentarily.
-
In this tutorial we learn Machine learning ( ML) is the study of computer algorithms that improve automatically through experience and by the use of data. It is seen as a part of artificial intelligence.
-
In this lecture session we learn about In machine learning and pattern recognition, a feature is an individual measurable property or characteristic of a phenomenon being observed. Choosing informative, discriminating and independent features is a crucial step for effective algorithms in pattern recognition, classification and regression.
-
In this lecture session we learn about machine language, the numeric codes for the operations that a particular computer can execute directly. The codes are strings of 0s and 1s, or binary digits(“bits”), which are frequently converted both from and to hexadecimal (base 16) for human viewing and modification.
-
In this lecture session we learn that machine language is a collection of binary digits or bits that the computer reads and interprets. Machine language is the only language a computer is capable of understanding. The exact machine language for a program or action can differ by operating system.
-
In this lecture session we learn about Machine language. Machine language, the numeric codes for the operations that a particular computer can execute directly. The codes are strings of 0s and 1s, or binary digits (“bits”), which are frequently converted both from and to hexadecimal (base 16) for human viewing and modification.
-
In this lecture session we learn about the Machine learning life cycle is a cyclic process to build an efficient machine learning project. The main purpose of the life cycle is to find a solution to the problem or project.
-
In this lecture we learn about In order to predict, you have to find a function (model) that best describes the dependency between the variables in our dataset. This is called training the model. The training dataset will be a subset of the entire dataset from the pandas data frame df that you created in part two of this series.
-
In this lecture session we learn about why we need a data set in machine languages and also talk about some features and functions of a data set in machine language.
-
In this lecture session we learn about Data preprocessing is required for cleaning the data and making it suitable for a machine learning model which also increases the accuracy and efficiency of a machine learning model. It involves the steps below.