edureka!
edureka!
Discover Learning
Data Science Masters Program
About Edureka
Edureka is one of the world’s largest and most effective online education platform for
technology professionals. In a span of 10 years, 100,000+ students from over 176 countries
have upskilled themselves with the help of our online courses. Since our inception, we have
been dedicated to helping technology professionals from all corners of the world learn
Programming, Data Science, Big Data, Cloud Computing, DevOps, Business Analytic, Java &
Mobile Technologies, Software Testing, Web Development, System Engineering, Project
Management, Digital Marketing, Business Intelligence, Cybersecurity, RPA and more.
We have an easy and affordable learning solution that is accessible to millions of learners. With
our learners spread across countries like the US, India, UK, Canada, Singapore, Australia, Middle
East, Brazil, and many others, we have built a community of over 1 million learners across the
globe.
About the Program
Edureka’s Data Science Masters program is curated by industry experts to provide learners with
a deep understanding of the principles and practices of data science through its extensive
course work and hands-on projects. Learners will gain hands-on experience in designing and
implementing machine learning models, analyzing data using python, and making data-driven
decisions. With our comprehensive curriculum, learners will gain the skills necessary to develop
cutting-edge data science solutions to meet the demands of any organization. Join us today and
become a globally recognized data science professional!
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
Index
1 Python Statistics for Data Science Course
2 Data Science with Python Certification Course
3 PySpark Certification Training Course
4 Advanced Artificial Intelligence Course
5 Tableau Certification Training Course
*Depending on industry requirements, Edureka may make changes to the course curriculum
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
edureka!
Discover Learning
Python
Index Statistics for Data Science
Course (Self-paced)
Course Curriculum
Course Outline
Module 1: Understanding the Data
Topics:
• Introduction to Data Types
• Numerical parameters to represent data.
a. Mean
b. Mode
c. Median
d. Sensitivity
e. Information Gain
f. Entropy
• Statistical parameters to represent data.
Module 2: Probability and its uses
Topics:
• Uses of probability
• Need of probability
• Bayesian Inference
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
• Density Concepts
• Normal Distribution Curve
Module 3: Statistical Inference
Topics:
• Point Estimation
• Confidence Margin
• Hypothesis Testing
• Levels of Hypothesis Testing
Module 4: Data Clustering
Topics:
• Association and Dependence
• Causation and Correlation
• Covariance
• Simpson’s Paradox
• Clustering Techniques
Module 5: Testing the Data
Topics:
• Parametric Test
• Parametric Test Types
• Non- Parametric Test
• Experimental Designing
• A/B testing
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
Module 6: Regression Modelling
Topics:
• Logistic and Regression Techniques
• Problem of Collinearity
• WOE and IV
• Residual Analysis
• Heteroscedasticity
• Homoscedasticity
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
edureka!
Discover Learning
Data Science with Python Certification
*Depending on industry requirements, Edureka may make changes to the course curriculum
Course Course Curriculum
Course Outline
Module 1: Introduction to Python
Topics:
• Overview of Python
• The Companies using Python.
• Different Applications where Python is Used
• Discuss Python Scripts on UNIX/Windows
• Values, Types, Variables
• Operands and Expressions
• Conditional Statements
• Loops
• Command Line Arguments
• Writing to the Screen
Module 2: Sequences and File Operations
Topics:
• Python files I/O Functions
• Numbers
• Strings and related operations
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
• Tuples and related operations
• Lists and related operations
• Dictionaries and related operations
• Sets and related operations
Module 3: Deep Dive – Functions, OOPs, Modules, Errors and Exceptions
Topics:
• Functions
• Function Parameters
• Global Variables
• Variable Scope and Returning Values
• Lambda Functions
• Object Oriented Concepts
• Standard Libraries
• Modules Used in Python
• The Import Statements
• Module Search Path
• Package Installation Ways
• Errors and Exception Handling
• Handling Multiple Exceptions
Module 4: Introduction to NumPy, Pandas and Matplotlib
Topics:
• Data Analysis
• NumPy - arrays
• Operations on arrays
• Indexing slicing and iterating
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
• Reading and writing arrays on files
• Pandas - data structures & index operations
• Reading and Writing data from Excel/CSV formats into Pandas
• Metadata for imported Datasets.
• Matplotlib library
• Grids, axes, plots
• Markers, colours, fonts and styling
• Types of plots - bar graphs, pie charts, histograms
• Contour plots
Module 5: Data Manipulation
Topics:
• Basic Functionalities of a data object
• Merging of Data objects
• Concatenation of data objects
• Types of Joins on data objects
• Exploring a Dataset
• Analysing a dataset
Module 6: Introduction to Machine Learning with Python
Topics:
• Python Revision (numpy, Pandas, scikit learn, matplotlib)
• What is Machine Learning?
• Machine Learning Use-Cases
• Machine Learning Process Flow
• Machine Learning Categories
• Linear regression
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
Module 7: Supervised Learning - I
Topics:
• What is Classification and its use cases?
• What is Decision Tree?
• Algorithm for Decision Tree Induction
• Creating a Perfect Decision Tree
• Confusion Matrix
• What is Random Forest?
Module 8: Dimensionality Reduction
Topics:
• Introduction to Dimensionality
• Why Dimensionality Reduction
• PCA
• Factor Analysis
• Scaling dimensional model
• LDA
Module 9: Supervised Learning - II
Topics:
• What is Naïve Bayes?
• How Naïve Bayes works?
• Implementing Naïve Bayes Classifier
• What is a Support Vector Machine?
• Illustrate how Support Vector Machine works?
• Hyperparameter Optimization
• Grid Search vs Random Search
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
• Implementation of Support Vector Machine for Classification
Module 10: Unsupervised Learning
Topics:
• What is Clustering & its Use Cases?
• What is K-means Clustering?
• How K-means algorithm works?
• How to do optimal clustering?
• What is C-means Clustering?
• What is Hierarchical Clustering?
• How Hierarchical Clustering works?
Module 11: Association Rules Mining and Recommendation Systems
Topics:
• What are Association Rules?
• Association Rule Parameters
• Calculating Association Rule Parameters
• Recommendation Engines
• How Recommendation Engines work?
• Collaborative Filtering
• Content Based Filtering
Module 12: Reinforcement Learning
Topics:
• What is Reinforcement Learning?
• Why Reinforcement Learning?
• Elements of Reinforcement Learning
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
• Exploration vs. Exploitation dilemma
• Epsilon Greedy Algorithm
• Markov Decision Process (MDP)
• Q values and V values
• Q – Learning
• Values
Module 13: Time Series Analysis
Topics:
• What is Time Series Analysis?
• Importance of TSA
• Components of TSA
• White Noise
• AR model
• MA model
• ARMA model
• ARIMA model
• Stationarity
• ACF & PACF
Module 14: Model Selection and Boosting
Topics:
• What is Model Selection?
• Need of Model Selection
• Cross – Validation
• What is Boosting?
• How Boosting Algorithms work?
• Types of Boosting Algorithms
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
• Adaptive Boosting
Module 15: Statistical Foundations (Self-paced)
Topics:
• What is Exploratory Data Analysis?
• EDA Techniques
• EDA Classification
• Univariate Non-graphical EDA
• Univariate Graphical EDA
• Multivariate Non-graphical EDA
• Multivariate Graphical EDA
• Heat Maps
Module 16: Data Connection and Visualization in Tableau (Self-paced)
Topics:
• Data Visualization
• Business Intelligence tools
• VizQL Technology
• Connect to data from File
• Connect to data from Database
• Basic Charts
• Chart Operations
• Combining Data
• Calculations
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
Module 17: Advanced Visualizations (Self-paced)
Topics:
• Trend lines
• Reference lines
• Forecasting
• Clustering
• Geographic Maps
• Using charts effectively
• Dashboards
• Story Points
• Visual best practices
• Publish to Tableau Online
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
edureka!
Discover Learning
PySpark• Certification Training Course
Vectors, and how to build them using Arrays and Linked Lists with Pointers
Course Curriculum
Course Outline
Module 1: Introduction to Big Data Hadoop and Spark
Topics:
• What is Big Data?
• Big Data Customer Scenarios
• Limitations and Solutions of Existing Data Analytics Architecture with Uber Use Case
• How Hadoop Solves the Big Data Problem?
• What is Hadoop?
• Hadoop’s Key Characteristics
• Hadoop Ecosystem and HDFS
• Hadoop Core Components
• Rack Awareness and Block Replication
• YARN and its Advantage
• Hadoop Cluster and its Architecture
• Hadoop: Different Cluster Modes
• Big Data Analytics with Batch & Real-Time Processing
• Why is Spark Needed?
• What is Spark?
• How Spark Differs from its Competitors?
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
• Spark at eBay
• Spark’s Place in Hadoop Ecosystem
Module 2: Introduction to Python for Apache Spark
Topics:
• Overview of Python
• Different Applications where Python is Used
• Values, Types, Variables
• Operands and Expressions
• Conditional Statements
• Loops
• Command Line Arguments
• Writing to the Screen
• Python files I/O Functions
• Numbers
• Strings and related operations
• Tuples and related operations
• Lists and related operations
• Dictionaries and related operations
• Sets and related operations
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
Module 3: Functions, OOPS, and Modules in Python
Topics:
• Spark Components & its Architecture
• Spark Deployment Modes
• Introduction to PySpark Shell
• Submitting PySpark Job
• Spark Web UI
• Writing your first PySpark Job Using Jupyter Notebook
• Data Ingestion using Sqoop
Module 4: Playing with Spark RDDs
Topics:
• Challenges in Existing Computing Methods
• Probable Solution & How RDD Solves the Problem
• What is RDD, It’s Operations, Transformations & Actions
• Data Loading and Saving Through RDDs
• Key-Value Pair RDDs
• Other Pair RDDs, Two Pair RDDs
• RDD Lineage
• RDD Persistence
• Word Count Program Using RDD Concepts
• RDD Partitioning & How it Helps Achieve Parallelization
• Passing Functions to Spark
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
Module 5: DataFrames and Spark SQL
Topics:
• Need for Spark SQL
• What is Spark SQL
• Spark SQL Architecture
• SQL Context in Spark SQL
• Schema RDDs
• User Defined Functions
• Data Frames & Datasets
• Interoperating with RDDs
• JSON and Parquet File Formats
• Loading Data through Different Sources
• Spark-Hive Integration
Module 6: Machine Learning using Spark MLlib
Topics:
• Why Machine Learning
• What is Machine Learning
• Where Machine Learning is used
• Face Detection: USE CASE
• Different Types of Machine Learning Techniques
• Introduction to MLlib
• Features of MLlib and MLlib Tools
• Various ML algorithms supported by MLlib
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
Module 7: Deep Dive into Spark MLlib
Topics:
• Supervised Learning: Linear Regression, Logistic Regression, Decision Tree, Random
Forest
• Unsupervised Learning: K-Means Clustering & How It Works with MLlib
• Analysis of US Election Data using MLlib (K-Means)
Module 8: Understanding Apache Kafka and Apache Flume
Topics:
• Need for Kafka
• What is Kafka
• Core Concepts of Kafka
• Kafka Architecture
• Where is Kafka Used
• Understanding the Components of Kafka Cluster
• Configuring Kafka Cluster
• Kafka Producer and Consumer Java API
• Need of Apache Flume
• What is Apache Flume
• Basic Flume Architecture
• Flume Sources
• Flume Sinks
• Flume Channels
• Flume Configuration
• Integrating Apache Flume and Apache Kafka
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
Module 9: Apache Spark Streaming - Processing Multiple Batches
Topics:
• Drawbacks in Existing Computing Methods
• Why Streaming is Necessary
• What is Spark Streaming
• Spark Streaming Features
• Spark Streaming Workflow
• How Uber Uses Streaming Data
• Streaming Context & DStreams
• Transformations on DStreams
• Describe Windowed Operators and Why it is Useful
• Important Windowed Operators
• Slice, Window and ReduceByWindow Operators
• Stateful Operators
Module 10: Apache Spark Streaming - Data Sources
Topics:
• Apache Spark Streaming: Data Sources
• Streaming Data Source Overview
• Apache Flume and Apache Kafka Data Sources
• Example: Using a Kafka Direct Data Source
Module 11: Spark GraphX (Self-paced)
Topics:
• Introduction to Spark GraphX
• Information about a Graph
• GraphX Basic APIs and Operations
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
• Spark GraphX Algorithm - PageRank, Personalized PageRank, Triangle Count, Shortest
Paths, Connected Components, Strongly Connected Components, Label Propagation
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
edureka!
Discover Learning
Advanced Artificial Intelligence Course
*Depending on industry requirements, Edureka may make changes to the course curriculum
Course Curriculum
Course Outline
Module 1: Introduction to Text Mining and NLP
Topics:
• Overview of Text Mining
• Need of Text Mining
• Natural Language Processing (NLP) in Text Mining
• Applications of Text Mining
• OS Module
• Reading, Writing to text and word files
• Setting the NLTK Environment
• Accessing the NLTK Corpora
Module 2: Extracting, Cleaning and Preprocessing Text
Topics:
• Tokenization
• Frequency Distribution
• Different Types of Tokenizers
• Bigrams, Trigrams & Ngrams
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
• Stemming
• Lemmatization
• Stopwords
• POS Tagging
• Named Entity Recognition
Module 3: Analyzing Sentence Structure
Topics:
• Syntax Trees
• Chunking
• Chinking
• Context Free Grammars (CFG)
• Automating Text Paraphrasing
Module 4: Text Classification-I
Topics:
• Machine Learning: Brush Up
• Bag of Words
• Count Vectorizer
• Term Frequency (TF)
• Inverse Document Frequency (IDF)
Module 5: Introduction to Deep Learning
Topics:
• What is Deep Learning?
• Curse of Dimensionality
• Machine Learning vs. Deep Learning
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
• Use cases of Deep Learning
• Human Brain vs. Neural Network
• What is Perceptron?
• Learning Rate
• Epoch
• Batch Size
• Activation Function
• Single Layer Perceptron
Module 6: Getting Started with TensorFlow 2.0
Topics:
• Introduction to TensorFlow 2.x
• Installing TensorFlow 2.x
• Defining Sequence model layers
• Activation Function
• Layer Types
• Model Compilation
• Model Optimizer
• Model Loss Function
• Model Training
• Digit Classification using Simple Neural Network in TensorFlow 2.x
• Improving the model
• Adding Hidden Layer
• Adding Dropout
• Using Adam Optimizer
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
Module 7: Convolution Neural Network
Topics:
• Image Classification Example
• What is Convolution
• Convolutional Layer Network
• Convolutional Layer
• Filtering
• ReLU Layer
• Pooling
• Data Flattening
• Fully Connected Layer
• Predicting a cat or a dog
• Saving and Loading a Model
• Face Detection using OpenCV
Module 8: Regional CNN
Topics:
• Regional-CNN
• Selective Search Algorithm
• Bounding Box Regression
• SVM in RCNN
• Pre-trained Model
• Model Accuracy
• Model Inference Time
• Model Size Comparison
• Transfer Learning
• Object Detection – Evaluation
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
• mAP
• IoU
• RCNN – Speed Bottleneck
• Fast R-CNN
• RoI Pooling
• Fast R-CNN – Speed Bottleneck
• Faster R-CNN
• Feature Pyramid Network (FPN)
• Regional Proposal Network (RPN)
• Mask R-CNN
Module 9: Boltzmann Machine & Autoencoder
Topics:
• What is Boltzmann Machine (BM)?
• Identify the issues with BM
• Why did RBM come into the picture?
• Step-by-step implementation of RBM
• Distribution of Boltzmann Machine
• Understanding Autoencoders
• Architecture of Autoencoders
• Brief on types of Autoencoders
• Applications of Autoencoders
Module 10: Generative Adversarial Network (GAN)
Topics:
• Which Face is Fake?
• Understanding GAN
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
• What is Generative Adversarial Network?
• How does GAN work?
• Step by step Generative Adversarial Network implementation
• Types of GAN
• Recent Advances: GAN
Module 11: Emotion and Gender Detection (Self-paced)
Topics:
• Which Face is Fake?
• Understanding GAN
• What is Generative Adversarial Network?
• How does GAN work?
• Step by step Generative Adversarial Network implementation
• Types of GAN
• Recent Advances: GAN
Module 12: Introduction to RNN and GRU (Self-paced)
Topics:
• Issues with Feed Forward Network
• Recurrent Neural Network (RNN)
• Architecture of RNN
• Calculation in RNN
• Backpropagation and Loss calculation
• Applications of RNN
• Vanishing Gradient
• Exploding Gradient
• What is GRU?
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
• Components of GRU
• Update gate
• Reset gate
• Current memory content
• Final memory at current time step
Module 13: LSTM (Self-paced)
Topics:
• What is LSTM?
• Structure of LSTM
• Forget Gate
• Input Gate
• Output Gate
• LSTM architecture
• Types of Sequence-Based Model
• Sequence Prediction
• Sequence Classification
• Sequence Generation
• Types of LSTM
• Vanilla LSTM
• Stacked LSTM
• CNN LSTM
• Bidirectional LSTM
• How to increase the efficiency of the model?
• Backpropagation through time
• Workflow of BPTT
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
Module 14: Auto Image Captioning Using CNN LSTM (Self-paced)
Topics:
• Auto Image Captioning
• COCO dataset
• Pre-trained model
• Inception V3 model
• The architecture of Inception V3
• Modify the last layer of a pre-trained model
• Freeze model
• CNN for image processing
• LSTM or text processing
Module 15: Developing a Criminal Identification and Detection Application Using OpenCV
(Self-paced)
Topics:
• Why is OpenCV used?
• What is OpenCV
• Applications
• Demo: Build a Criminal Identification and Detection App
Module 16: TensorFlow for Deployment (Self-paced)
Topics:
• Use Case: Amazon’s Virtual Try-Out Room.
• Why Deploy models?
• Model Deployment: Intuit AI models
• Model Deployment: Instagram’s Image Classification Models
• What is Model Deployment
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
• Types of Model Deployment Techniques
• TensorFlow Serving
• Browser-based Models
• What is TensorFlow Serving?
• What are Servables?
• Demo: Deploy the Model in Practice using TensorFlow Serving
• Introduction to Browser based Models
• Demo: Deploy a Deep Learning Model in your Browser.
Module 17: Text Classification-II (Self-paced)
Topics:
• Converting text to features and labels
• Multinomial Naive Bayes Classifier
• Leveraging Confusion Matrix
Module 18: In Class Project (Self-paced)
Topics:
• Sentiment Classification on Movie Rating Dataset
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
edureka !
Discover Learning
Tableau Certification Training Course
Course Curriculum
Course Outline
Module 1: Data Preparation using Tableau Prep
Topics:
• Data Visualization
• Business Intelligence tools
• Introduction to Tableau
• Tableau Architecture
• Tableau Server Architecture
• VizQL
• Introduction to Tableau Prep
• Tableau Prep Builder User Interface
• Data Preparation techniques using Tableau Prep Builder tool
Module 2: Data Connection with Tableau Desktop
Topics:
• Features of Tableau Desktop
• Connect to data from File and Database
• Types of Connections
• Joins and Unions
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
• Data Blending
• Tableau Desktop User Interface
• Basic project: Create a workbook and publish it
Module 3: Basic Visual Analytics
Topics:
• Visual Analytics
• Basic Charts: Bar Chart, Line Chart, and Pie Chart
• Hierarchies
• Data Granularity
• Highlighting
• Sorting
• Filtering
• Grouping
• Sets
Module 4: Calculations in Tableau
Topics:
• Types of Calculations
• Built-in Functions (Number, String, Date, Logical and Aggregate)
• Operators and Syntax Conventions
• Table Calculations
• Level Of Detail (LOD) Calculations
• Using R within Tableau for Calculations
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
Module 5: Advanced Visual Analytics
Topics:
• Parameters
• Tool tips
• Trend lines
• Reference lines
• Forecasting
• Clustering
Module 6: Level Of Detail (LOD) Expressions In Tableau
Topics:
• Use Case I - Count Customer by Order
• Use Case II - Profit per Business Day
• Use Case III - Comparative Sales
• Use Case IV - Profit Vs Target
• Use Case V - Finding the second order date.
• Use Case VI - Cohort Analysis
Module 7: Geographic Visualizations in Tableau
Topics:
• Introduction to Geographic Visualizations
• Manually assigning Geographical Locations
• Types of Maps
• Spatial Files
• Custom Geocoding
• Polygon Maps
• Web Map Services
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
• Background Images
Module 8: Advanced Charts in Tableau
Topics:
• Box and Whisker’s Plot
• Bullet Chart
• Bar in Bar Chart
• Gantt Chart
• Waterfall Chart
• Pareto Chart
• Control Chart
• Funnel Chart
• Bump Chart
• Step and Jump Lines
• Word Cloud
• Donut Chart
Module 9: Dashboards and Stories
Topics:
• Introduction to Dashboards
• The Dashboard Interface
• Dashboard Objects
• Building a Dashboard
• Dashboard Layouts and Formatting
• Interactive Dashboards with actions
• Designing Dashboards for devices
• Story Points
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.
edureka!
Module 10: Get Industry Ready
Topics:
• Tableau Tips and Tricks
• Choosing the right type of Chart
• Format Style
• Data Visualization best practices
• Prepare for Tableau Interview
Module 11: Exploring Tableau Online
Topics:
• Publishing Workbooks to Tableau Online
• Interacting with Content on Tableau Online
• Data Management through Tableau Catalog
• AI-Powered features in Tableau Online (Ask Data and Explain Data)
• Understand Scheduling
• Managing Permissions on Tableau Online
• Data Security with Filters in Tableau Online
www.edureka.co © Brain4ce Education Solutions Pvt. Ltd. All rights Reserved.