0% found this document useful (0 votes)
3 views20 pages

AI - Data Science Brochure June 24

Indras Academy offers a comprehensive Data Science and Artificial Intelligence Masterclass designed for both fresh graduates and professionals, featuring over 150 days of practical training and mentorship from industry experts. The course includes real-world projects, flexible scheduling, and aims to make students industry-ready with a focus on disruptive technologies. The program also provides placement assistance and covers essential tools and methodologies in data science.

Uploaded by

mohanslaptop1325
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
3 views20 pages

AI - Data Science Brochure June 24

Indras Academy offers a comprehensive Data Science and Artificial Intelligence Masterclass designed for both fresh graduates and professionals, featuring over 150 days of practical training and mentorship from industry experts. The course includes real-world projects, flexible scheduling, and aims to make students industry-ready with a focus on disruptive technologies. The program also provides placement assistance and covers essential tools and methodologies in data science.

Uploaded by

mohanslaptop1325
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
You are on page 1/ 20

FULL STACK

AI & DATA
SCIENCE
MASTERCLASS

100% Practical & Interactive


Online and Offline Data Science Course

ndras Contact Us
Academy
+91 81972 24940
www.in drasa ca demy.com www.indrasacademy.com
WHY
INDRAS ACADEMY

Indras Academy is one of the most trusted


platforms for skilling and upskilling students in
Bangalore. Over 9 Years, We have upended the
tech-nical education system by emphasizing
on disruptive technologies and successfully
trained over 7500+ Students.

Each course is taught by experts with years of


industry experience and immense passion for
their respective fields. We proudly offer
masters-level training for Students in a
classroom and online environment to ensure
more interaction and engagement.

Our main goal is to make students industry-


ready, highly skilled and empowered. Our
facilities and infrastructure provide students
with a nurturing environment that helps them
learn and grow.
ABOUT COURSE
DATA SCIENCE

Indras Academy offers Industry Accredited Data Science and Artificial Intelligence
Program which is designed for professionals.
Course features 5+ real world industry projects under the mentorship and guidance
of Data Science and AI experts.
Our course is best suited for freshers graduates and working professionals looking to
start a career in Data science and Artificial Intelligence.

DURATION CLASS SIZE COURSE FEES

150 DAYS MAX 15 L59,000


IN ONE BATCH per person
EMI H 11,800 /month

PROGRAM FEATURES

In-depth Classroom Industry Flexible


material training recognized scheduling
certification

Instructor-led Real-time 24/7 Technical 100% Placement


training project work support assistance
TOOLS COVERED IN
DATA SCIENCE

DATA SCIENCE
SPECIALIST SALARY

Avg CTC
Chief Data officer
16 - 30 lacs

Data science manager


10 - 15 lacs

Senior data scientist


4 - 6 lacs

Data scientist
2-4 lacs

Experience 0 - 1 yrs 1 -3 yrs 3-5 yrs 5-10 yrs


STUDENTS TESTIMONIALS
Our students are our family and we always work hard to get their careers a
skyrocket pace. Here’s what they have to share about their experiences at
Indra’s Academy.

It was a wonderful experience learning I honestly say the whole experience with
data science course in School of Data School of Data Science was extremely
Science . Very nice coaching standards. I good. They are very helpful and always
have learnt tools like python, machine ready to answer all our doubts. Trainers
learning, predictive analytics. Classes were highly professionals. Institute
were extremely good. Instructors highly environment and facilities were very
talented and experienced. I am very good. I am very satisfied with School of
comfortable with the training. Anyone Data Science institute.
looking for best data science institute in
Bangalore School of Data science is the
best and recommended institute. TEJASWINI

JANHAVI

I have taken course in advance data


science training course. Good and
knowledgeable course. Precise
Learning with School of Data Science
knowledge given by trainer. Teaching
had been very good and fruitful for my
quality super. The best part for this
career. Data science course with python,
Academy they gave practical oriented
data science course with r was very good.
sessions that helped us understand
They covered detailed subject of Machine
concepts very well. I will surely
learning. I was very less skills in statistics
recommend this academy for advanced
not i got indepth statistics skills. Very
data science training in Bangalore.
good institute to Data science classes in
Bangalore

PRIYANKA
NEHA
OUR LEARNERS
WORK AT

And
many more...
COURSE CONTENT
DATA SCIENCE

Module -1 : Python

Topic : 1 Topic : 4

Introduction to Data Science Set


Ÿ Introduction to Data Science Ÿ SET creation with variable
Ÿ Discussion on Course Curriculum Ÿ len() || add() || remove() || pop()
Ÿ Introduction to Programming Ÿ union() | intersection() || difference()

Topic : 2 Topic : 5
Python Basics Tuple
Ÿ Introduction to Python: Installation and Ÿ TUPLE Creation
Running (Jupyter Notebook, .py file from Ÿ Create Tuple with variable
terminal, Google Colab) Ÿ Tuple Immutable concept
Ÿ Data types and type conversion Ÿ len() || count() || index()
Ÿ Variables Ÿ Forward indexing
Ÿ Operators Ÿ Backward Indexing
Ÿ Flow Control : If, Elif, Else
Ÿ Loops
Ÿ Python Identifier Topic : 6
Ÿ Building Funtions (print, type, id, sys, len)
Dictionary and Dictionary
Topic : 3 comprehension
Ÿ create a dictionary using variable
Python - Data Types & Utilities Ÿ keys:values concept
Ÿ List, List of Lists and List Comprehension Ÿ len() || keys() || values() || items()
Ÿ List creation Ÿ get() || pop() || update()
Ÿ Create a list with variable Ÿ comparision of datastructure
Ÿ List mutable concept Ÿ Introduce to range()
Ÿ len() || append() || pop() Ÿ pass range() in the list
Ÿ insert() || remove() || sort() || reverse() Ÿ range() arguments
Ÿ Forward indexing Ÿ For loop introduction using range()
Ÿ Backward Indexing
Ÿ Forward slicing
Ÿ Backward slicing
Ÿ Step slicing
Topic : 7 Topic : 13

Functions Python DECORATOR


Ÿ Inbuilt vs User Defined Ÿ how to use decorator
Ÿ User Defined Function Ÿ inner class, outerclass
Ÿ Function Argument Ÿ Inheritence
Ÿ Types of Function Arguments
Actual Argument
Ÿ
Ÿ Global variable vs Local variable
Topic : 14
Ÿ Anonymous Function | LAMBDA
Polymorphism
Topic : 8 Ÿ duck typing
Ÿ operator overloading
Ÿ method overloading
Packages Ÿ method overridding
Ÿ Magic method
Topic : 9 Ÿ Abstract class & Abstract method
Ÿ Iterator
Generators in python
Map Reduce Ÿ

Topic : 10 Topic : 15

OOPs Polymorphism
Ÿ duck typing
Topic : 11 Ÿ operator overloading
Ÿ method overloading
Class & Object Ÿ method overridding
Ÿ Magic method
Ÿ what is mean by inbuild class Ÿ Abstract class & Abstract method
Ÿ how to creat user class Ÿ Iterator
Ÿ crate a class & object Ÿ Generators in python
Ÿ __init__ method
Ÿ python constructor
Ÿ constructor, self & comparing objects Topic : 16
Ÿ instane variable & class variable
Python - Production Level
Topic : 12 Ÿ Error / Exception Handling
Ÿ File Handling

Methods Ÿ Docstrings
Ÿ Modularization
Ÿ what is instance method
Ÿ what is class method
Ÿ what is static method
Topic : 17
Ÿ Accessor & Mutator
Pickling & Unpickling
Topic : 18 Topic : 20

Pandas Matplotlib
Ÿ Introduction, Fundamentals, Importing Pandas, Ÿ Introduction
Aliasing, DataFrame Ÿ Pyplot
Ÿ Series – Intro, Creating Series Object, Empty Ÿ Figure Class
Series Object, Create series from Ÿ Axes Class
List/Array/Column from DataFrame, Index in Ÿ Setting Limits and Tick Labels
Series, Accessing values in Series Ÿ Multiple Plots
Ÿ NaN Value Ÿ Legend
Ÿ Series – Attributes (Values, index, dtypes, size) Ÿ Different Types of Plots
Ÿ Series – Methods – head(), tail(), sum(), count(), Ÿ Line Graph
nunique() etc., Ÿ Bar Chart
Ÿ Date Frame Ÿ Histograms
Ÿ Loading Different Files Ÿ Scatter Plot
Ÿ Data Frame Attributes Ÿ Pie Chart
Ÿ Data Frame Methods Ÿ 3D Plots
Ÿ Rename Column & Index Ÿ Working with Images
Ÿ Inplace Parameter Ÿ Customizing Plots
Ÿ Handling missing or NaN values
Ÿ iLoc and Loc
Ÿ Data Frame – Filtering Topic : 21
Ÿ Data Frame – Sorting
Ÿ Data Frame – GroupBy Seaborn
Ÿ Merging or Joining
Ÿ Data Frame – Concat Ÿ catplot() function
Ÿ DataFrame - Adding, dropping columns & rows Ÿ stripplot() function
Ÿ DataFrame - Date and time Ÿ boxplot() function
Ÿ DataFrame - Concatenate Multiple csv files Ÿ violinplot() function
Ÿ pointplot() function
Ÿ barplot() function
Topic : 19 Ÿ Visualizing statistical relationship with
Seaborn relplot() function
scatterplot() function
Numpy Ÿ
Ÿ regplot() function
Ÿ Introduction, Installation, pip command, import Ÿ lmplot() function
numpy package, Module Not Found Error, Ÿ Seaborn Facetgrid() function
Famous Alias name to Numpy Ÿ Multi-plot grids
Ÿ Fundamentals – Create Numpy Array, Array Ÿ Statistical Plots
Manipulation, Mathematical Operations, Ÿ Color Palettes
Indexing & Slicing Ÿ Faceting
Ÿ Numpy Attributes Ÿ Regression Plots
Ÿ Important Methods- min(),max(), sum(), Ÿ Distribution Plots
reshape(), count_nonzero(), sort(), flatten() etc., Ÿ Categorical Plots
Ÿ adding value to array of values Ÿ Pair Plots
Ÿ Diagonal of a Matrix
Ÿ Trace of a Matrix
Ÿ Parsing, Adding and Subtracting Matrices
Topic : 22
Ÿ "Statistical Functions: numpy.mean()
Ÿ numpy.median() Scipy
Ÿ numpy.std()
Ÿ Signal and Image Processing (scipy.signal,
Ÿ numpy.sum()
scipy.ndimage):
Ÿ numpy.min()”
Ÿ Linear Algebra (scipy.linalg)
Ÿ Filter in Numpy
Ÿ Integration (scipy.integrate)
Ÿ Statistics (scipy.stats)
Ÿ Spatial Distance and Clustering (scipy.spatial)
Topic : 23

Statsmodels
Ÿ Linear Regression (statsmodels.regression)
Ÿ Time Series Analysis (statsmodels.tsa)
Ÿ Statistical Tests (statsmodels.stats)
Ÿ Anova (statsmodels.stats.anova)

Module -2 : Mathematics

Topic : 1 Topic : 4

Set Theory Distributions


Ÿ Data Representation & Database Operations Ÿ Binomial, Poisson, Normal Distribution,
Standard Normal Distribution
Ÿ Guassian Distribution, Uniform Distribution
Topic : 2 Ÿ Z Score
Ÿ Skewness
Kurtosis
Combinatorics Ÿ
Ÿ Geometric Distribution
Ÿ Feature Selection Ÿ Hyper Geometric Distribution
Ÿ Permutations and Combinations for Sampling Ÿ Markov Chain
Ÿ Hyper parameter Tuning
Experiment Design
Ÿ
Topic : 5
Ÿ Data Partitioning and Cross-Validation

Linear Algebra
Topic : 3
Ÿ Linear Equations
Ÿ Matrices(Matrix Algebra: Vector Matrix Vector
Probability matrix multiplication Matrix matrix
Ÿ Basics multiplication)
Ÿ Theoretical Probability Ÿ Determinant
Ÿ Empirical Probability Ÿ Eigen Value and Eigen Vector
Ÿ Addition Rule
Ÿ Multiplication Rule Topic : 6
Ÿ Conditional Probability
Ÿ Total Probability
Ÿ Probability Decision Tree Euclidean Distance &
Ÿ Bayes Theorem Manhattan Distance
Ÿ Sensitivity & Specificity in Probability
Ÿ Bernouli Naïve Bayes, Gausian Naïve Bayes,
Multinomial Naïve Bayes
Topic : 7 Topic : 8

Calculus Indices & Logarithms


Ÿ Differentiation
Ÿ Partial Differentiation
Ÿ Max & Min

Module -3 : Statistics

Topic : 1 Topic : 6

Introduction Measures of variability


Ÿ Population & Sample Ÿ Interquartile Range (IQR)
Ÿ Reference & Sampling technique Ÿ Mean Absolute Deviation (MAD)
Ÿ Coefficient of variation
Ÿ Covariance
Topic : 2
Topic : 7
Types of Data
Ÿ Qualitative or Categorical – Nominal & Ordinal Levels of Data Measurement
Ÿ Quantitative or Numerical – Discrete &
Ÿ Nominal, Ordinal, Interval, Ratio
Continuous
Ÿ Cross Sectional Data & Time Series Data
Topic : 8
Topic : 3
Variable
Measures of Central Tendency Ÿ Types of Variables.
Ÿ Categorical Variables - Nomial variable &
Ÿ Mean, Mode & Median – Their frequency ordinal variables
distribution Ÿ Numerical Variables: discreate &
continuous
Topic : 4 Ÿ Dependent Variable
Ÿ Independent Variable
Descriptive statistic Measures Ÿ Control Moderating & Mediating

of symmetry
Topic : 9
Ÿ skewness (positive skew, negative skew, zero
skew) Frequency Distribution Table
Ÿ kurtosis (Leptokurtic, Mesokurtic, Platrykurtic)
Ÿ Nominal, Ordinal, Interval, Ratio
Topic : 5

Measurement of Spread
Ÿ Range, Variance, Standard Deviation
Topic : 10 Topic : 14

Types of Variables Bias and Variance in ML


Ÿ Categorical Variables - Nomial variable & ordinal
variables Topic : 15
Ÿ Numerical Variables: discreate & continuous
Dependent Variable
Ÿ
Entropy in ML
Ÿ Independent Variable
Ÿ Control Moderating & Mediating
Topic : 16

Topic : 11 Information Gain

Frequency Distribution Table Topic : 17


Ÿ Relative Frequency, Cumulative Frequency
Ÿ Histogram Surprise in ML
Ÿ Scatter Plots
Ÿ Range Topic : 18
Ÿ Calculate Class Width
Create Intervals
Ÿ
Loss Function & Cost Function
Ÿ Count Frequencies
Ÿ Construct the Table Ÿ Mean Squared Error, Mean Absolute Error –
Loss Function
Topic : 12 Ÿ Huber Loss Function
Ÿ Cross Entropy Loss Function

Correlation, Regression & Collinearity


Ÿ Pearson & Spearman Correlation Methods
Topic : 19
Ÿ Regression Error Metrics
Inferential Statistics
Topic : 13 Ÿ Hypothesis Testing: One tail, two tail
and p-value
Others Ÿ Formulation of Null & Alternate
Hypothesis
Ÿ Percentiles, Quartiles, Inner Quartile Range Ÿ Type-I error & Type-II error
Ÿ Different types of Plots for Continuous, Ÿ Statistical Tests
Categorical variable Ÿ Sample Test
Ÿ Box Plot, Outliers Ÿ ANOVA Test
Ÿ Confidence Intervals Ÿ Chi-square Test
Ÿ Central Limit Theorem Ÿ Z-Test & T-Test
Ÿ Degree of freedom
Module -4 : SQL

Topic : 1 Topic : 6

Introduction SQL Commands


Ÿ DBMS vs RDBMS Ÿ Create
Ÿ Intro to SQL Ÿ Insert
Ÿ SQL vs NoSQL Ÿ Alter, Modify, Rename, Update
Ÿ MySQL Installation Ÿ Delete, Truncate, Drop
Ÿ Grant, Revoke
Commit, Rollback
Topic : 2 Ÿ
Ÿ Select

Keys Topic : 7
Ÿ Primary Key
Ÿ Foreign Key SQL Clause
Where
Topic : 3 Ÿ
Ÿ Distinct
Ÿ OrderBy
Constraints Ÿ GroupBy
Ÿ Unique Ÿ Having
Ÿ Not NULL Ÿ Limit
Ÿ Check
Ÿ Default Topic : 8
Ÿ Auto Increment

Operators
Topic : 4 Ÿ Comparison Operators
Ÿ Logical Operators
CRUD Operations Ÿ Membership Operators
Ÿ Identity Operators
Ÿ Create
Ÿ Retrieve
Ÿ Update Topic : 9
Ÿ Delete
Wild Cards
Topic : 5 Topic : 10
SQL Languages Aggregate Functions
Ÿ Data Definition Language (DDL)
Ÿ Data Query Language Topic : 11
Ÿ Data Manipulation Language (DML)
Ÿ Data Control Language
SQL Joins
Ÿ Transaction Control Language
Ÿ Inner Join & Outer Join
Ÿ Left Join & Right Join
Ÿ Self & Cross Join
Ÿ Natural Join
Module -5 : Machine Learning

Topic : 1 Topic : 6

EDA Data Processing


Ÿ Univariate Analysis Ÿ Creating training and test sets, Data
Ÿ Bivariate Analysis scaling and Normalisation
Ÿ Multivariate Analysis Ÿ Feature Engineering – Adding new
features as per requirement, Modifying
the data
Topic : 2
Ÿ Data Cleaning – Treating the missing
values, Outliers
Data Visualisation Ÿ Data Wrangling – Encoding, Feature
Ÿ Various Plots on different datatypes Transformations, Feature Scaling
Ÿ Plots for Continuous Variables Ÿ Feature Selection – Filter Methods,
Ÿ Plots for Discrete Variables Wrapper Methods, Embedded Methods
Ÿ Plots for Time Series Variables Ÿ Dimension Reduction – Principal
Component Analysis (Sparse PCA &
Kernel PCA), Singular Value
Topic : 3 Decomposition
Ÿ Non Negative Matrix Factorization
ML Introduction
Ÿ What is Machine Learning? Topic : 7
Ÿ Types of Machine Learning Methods
Ÿ Classification problem in general Regression
Ÿ Validation Techniques: CV,OOB
Ÿ Different types of metrics for Classification Ÿ Introduction to Regression
Ÿ Curse of dimensionality Ÿ Mathematics involved in Regression
Ÿ Feature Transformations Ÿ Regression Algorithms
Ÿ Feature SelectionImabalanced Dataset and Ÿ Simple Linear Regression
its effect on Classification Ÿ Multiple Linear Regression
Ÿ Bias Variance Tradeoff Ÿ Polynomial Regression
Ÿ Lasso Regression
Topic : 4 Ÿ Ridge Regression
Ÿ Elastic Net Regression
Important Element of Machine
Learning Topic : 8

Topic : 5 Evaluation Metrics for


Regression
Multiclass Classification Ÿ Mean Absolute Error (MAE)
Ÿ One-vs-All Ÿ Mean Squared Error (MSE)
Ÿ Overfitting and Underfitting Ÿ Root Mean Squared Error (RMSE)
Ÿ Error Measures Ÿ R²
Ÿ PCA learning Ÿ Adjusted R²
Ÿ Statistical learning approaches
Ÿ Introduce to SKLEARN FRAMEWORK
Topic : 9 Topic : 15

Classification Recommendation Engines


Ÿ Introduction Ÿ Collaborative Filtering
Ÿ K-Nearest Neighbors Ÿ User based collaborative filtering
Ÿ Logistic Regression Ÿ Item based collaborative filtering
Ÿ Support Vector Machines (Linear SVM) Ÿ Recommendation Engines
Ÿ Linear Classification
Ÿ Kernel-based classification
Ÿ Non-linear examples
Topic : 16
Ÿ 2 features forms straight line & 3 features
forms plane Time Series & Forecasting
Ÿ Hyperplane and Support vectors
Ÿ What is Time series data
Ÿ Controlled support vector machines
Ÿ Different components of time series data
Ÿ Support vector Regression
Ÿ Stationary of time series data
Ÿ Kernel SVM (Non-Linear SVM)
Ÿ ACF, PACF
Ÿ Naives Bayes
Ÿ Time Series Models
Ÿ Decision Trees
Ÿ AR
Ÿ Random Forest / Bagging
Ÿ ARMA
Ÿ Ada Boost
Ÿ ARIMA
Ÿ Gradient Boost
Ÿ SARIMAX
Ÿ XG Boost
Ÿ Evaluation Metrics for Classification
Topic : 17
Topic : 10 Model Selection & Evaluation
Clustering
Topic : 18
Topic : 11
Over Fitting & Under Fitting
Introduction Ÿ Biance-Variance Tradeoff
Ÿ Hyper Parameter Tuning
Ÿ Joblib And Pickling
Topic : 12
Topic : 19
K-Means Clustering
Ÿ Finding the optimal number of clusters Others
Ÿ Optimizing the inertia
Ÿ Cluster instability
Ÿ Dummy Variable, Onehotencoding
Ÿ Elbow method
Ÿ gridsearchcv vs randomizedsearchcv

Topic : 13 Topic : 20

Hierarchical Clustering ML Pipeline

Topic : 14

Association Rules
Ÿ Market Basket Analysis
Ÿ Apriori Algorithm
Module -6 : PowerBI

Topic : 1 Topic : 4

Introduction DAX Functions


Ÿ Power BI for Data scientist Ÿ DAX Architecture,Entity Sets
Ÿ Types of reports Ÿ DAX Data types,Syntax Rules
Ÿ Data source types Ÿ DAX measures and calculations
Ÿ Installation Ÿ Creating measures
Ÿ Creating Columns

Topic : 2
Topic : 5
Basic Report Design
Ÿ Data sources and Visual types Hierarchies, Filters
Ÿ Canvas and fields
Ÿ Creating Hierarchies
Ÿ Table and Tree map
Ÿ Drill Down options
Ÿ Format button and Data Labels
Ÿ Expand and show
Ÿ Legend,Category and Grid
Ÿ Visual filter,Page filter,Report filter
Ÿ CSV and PDF Exports
Ÿ Drill Thru Reports

Topic : 3
Topic : 6
Visual Sync, Grouping
Power Query
Ÿ Slicer visual
Ÿ Orientation, selection process Ÿ Power Query transformation
Ÿ Slicer: Number, Text, slicer list Ÿ Table and Column Transformations
Ÿ Bin count,Binning Ÿ Text and time transformations
Ÿ Power query functions
Ÿ Merge and append transformations
Module -7 : Deep Learning & Chat GPT

Topic : 1 Topic : 9

Deep learning at Glance TENSORFLOW FRAMEWORK


Ÿ Introduction to Neural Network Ÿ Introduction to TensorFlow
Ÿ Biological and Artificial Neuron Ÿ TensorFlow Basic Syntax
Ÿ Introduction to perceptron Ÿ TensorFlow Graphs
Ÿ Perceptron and its learning rule and Ÿ Variables and Placeholders
drawbacks Ÿ TensorFlow Playground
Ÿ Multilayer Perceptron, loss function
Ÿ Neural Network Activation function
Topic : 10
Topic : 2
ANN (Artificial Neural Network)
Training MLP: Backpropagation Ÿ ANN Architecture
Ÿ Forward & Backward Propagation, Epoch
Ÿ Introduction to TensorFlow, Keras
Topic : 3 Ÿ Vanishing Gradient Descend
Ÿ Fine-tuning neural network
hyperparameter
Cost Function
Ÿ Number of hidden layers, Number of
neurons per hidden layer
Topic : 4 Ÿ Activation function
Ÿ INSTALLATION OF YOLO V8, KERAS,
THEANO
Gradient Descent
Backpropagation - Topic : 11
Vanishing and Exploding
Gradient Problem PY-TORCH Library

Topic : 5 Topic : 12

Introduce to Py-torch RNN (Recurrent Neural Network)


Ÿ Introduction to RNN
Topic : 6 Ÿ Back Propagation through time
Ÿ Input and output sequences
Regularization Ÿ RNN vs ANN
Ÿ LSTM (Long Short-Term Memory)
Different types of RNN: LSTM, GRU
Topic : 7 Ÿ
Ÿ Biirectional RNN
Ÿ Sequential-to-sequential architecture
Optmizers (Encoder Decoder)
Ÿ BERT Transformers
Topic : 8 Ÿ Text generation and classification using
Deep Learning
Generative-AI (Chat-GPT)
Hyperparameters and tuning Ÿ

of the same
Topic : 13 Topic : 14

Basics of Image Processing Convolutional Neural


Ÿ Histogram of images Networks (CNN)
Ÿ Basic filters applied on the images
Ÿ ImageNet Dataset
Ÿ Project: Image Classification
Ÿ Different types of CNN architectures
Ÿ Recurrent Neural Network (RNN)
Ÿ Using pre-trained model: Transfer
Learning

Module -8 : NLP

Topic : 1 Topic : 3

Natural Language Processing (NLP) Twitter Sentiment Analysis


Ÿ Text Cleaning Using Textblob
Ÿ Texts, Tokens
Ÿ TextBlob
Ÿ Basic text classification based on Bag of
Ÿ Installing textblob library
Words
Ÿ Simple TextBlob Sentiment Analysis
Example
Topic : 2 Ÿ Using NLTK's Twitter Corpus

Document Vectorization
Topic : 4
Ÿ Bag of Words
Ÿ TF-IDF Vectorizer
Ÿ n-gram: Unigram, Bigram
Spacy Library
Ÿ Word vectorizer basics, One Hot Encoding Ÿ Introduction, What is a Token,
Ÿ Count Vectorizer Tokenization
Ÿ Word cloud and gensim Ÿ Stop words in spacy library
Ÿ Word2Vec and Glove Ÿ Stemming
Ÿ Text classification using Word2Vec and Ÿ Lemmatization
Glove Ÿ Lemmatization through NLTK
Ÿ Parts of Speech Tagging (PoS Tagging or Ÿ Lemmatization using spacy
POST) Ÿ Word Frequency Analysis
Ÿ Topic Modelling using LDA Ÿ Counter
Ÿ Sentiment Analysis Ÿ Part of Speech, Part of Speech Tagging
Ÿ Pos by using spacy and nltk
Ÿ Dependency Parsing
Ÿ Named Entity Recognition(NER)
Ÿ NER with NLTK
Ÿ NER with spacy
Module -9 : Tableau

Topic : 1 Topic : 3

Introduction to Tableau Dashboard and Stories


Ÿ Connecting to data source Ÿ Working in Views with Dashboards and
Ÿ Creating dashboard pages Stories
Ÿ How to create calculated columns Ÿ Working with Sheets
Ÿ Different charts Ÿ Fitting Sheets
Ÿ Hands-on : Ÿ Legends and Quick Filters
© Connecting data source and data cleansing Ÿ Tiled and Floating Layout
© various charts Ÿ Floating Objects

Topic : 2

Visual Analytics
Ÿ Getting Started With Visual Analytics
Ÿ Sorting and grouping
Ÿ Working with sets, set action
Ÿ Filters: Ways to filter, Interactive Filters
Ÿ Forecasting and Clustering
Ÿ Hands-on :
© Hands on deployment of Predictive
© model in visualization

Module -9 : ChatGPT

Ÿ Pair programming using ChatGPT


Ÿ ChatGPT for writing SQL Queries
Ÿ Creating presentation using ChatGPT
Ÿ Prompt Engineering
Indras Academy
+91 81972 24940
www.indrasacademy.com

MARATHAHALLI OMBR LAYOUT INDIRA NAGAR BTM LAYOUT


Indras Academy, #164, #388, Ground Floor, No. 788, Rukmani, 2nd floor, 46, 7th Cross
Varthur Road, Aswath 1st A Cross Road, Chikka 9th A Main Rd, Indira Road, Mico Layout, Stage 2,
Nagar, Marathahalli, Banaswadi, OMBR Layout, Nagar 1st Stage, BTM 2nd Stage,
Bengaluru, Karnataka Bengaluru, Karnataka Bengaluru, Karnataka Bengaluru, Karnataka
560067 560043 560038 560076

You might also like