1000+ Careers Transformed
Job Oriented Data Science Data Analyst Data Scientist AI Engineer Certified Course in Bangalore
course in Bangalore. Acquire skills that open doors to high-paying jobs in top companies.
Why Choose Us
Nasscom Certificate
One of our standout features is our unwavering support in helping you achieve the prestigious NASSCOM certification.
Recorded Session
we offer recorded sessions, allowing you to catch up on missed classes and review material at your convenience.
Placement Support
Your success is our success. We provide dedicated placement support to help you secure the job you've been dreaming of.
Mock interviews
We conduct mock interviews to help you prepare and gain valuable feedback, making sure you're well-prepared.
Interview Calls
We partner with companies and provide you with opportunities to interview directly with them.
Resume build up session
Our resume building sessions help you create a professional and compelling resume that gets noticed by recruiters.
Our Courses
Our Programmes
Our course is designed to be accessible to all levels of learners. Whether you’re a seasoned data analyst or just starting out, our curriculum will help you develop the skills you need to succeed in the field.
Our Courses
Our Programmes
Our course is designed to be accessible to all levels of learners. Whether you’re a seasoned data analyst or just starting out, our curriculum will help you develop the skills you need to succeed in the field.
Certified Data Analyst
- 120 Hours content | 3- 4 Months
- Course fees - 39000 | No Cost EMI
Certified Data Scientist
- 200 Hours content | 4- 5 Months
- Course fees - 48500 | No Cost EMI
Certified AI Engineer
- 300 Hours content | 5- 6 Months
- Course fees - 65000 | No Cost EMI
Data science Syllabus
our curriculum will help you develop the skills you need to succeed in the field.
- Installing Anaconda Anaconda Basics and Introduction
- Get familiar with version control, Git and GitHub.
- Basic Github Commands.
- Introduction to the Jupyter Notebook environment.
- Basics Jupyter notebook Commands.
- Programming language basics.
Topic 2 : Strings, Decisions & Loop Control
- Working With Numbers, Booleans and Strings, String types and formatting, String operations
- Simple if Statement, if-else Statement
- if-elif Statement.
- Introduction to while Loops, for
- Loops, Using continue and break
Topic 3 : Python Data Types
- List, Tuples, Dictionaries
- Python Lists, Tuples, Dictionaries
- Accessing Values, Basic Operations
- Indexing, Slicing, and Matrixes
- Built-in Functions & Methods
- Exercises on List, Tuples And Dictionary
Topic 4 : Functions And Modules
- Introduction To Functions
- Defining & Calling Functions
- Functions With Multiple Arguments
- Anonymous Functions - Lambda
- Using Built-In Modules, User-Defined
- Modules, Module Namespaces,
- Iterators And Generators
Topic 5 : File I/O An d Exceptional Handling and Regular Expression
- Opening and Closing Files, open Function, file Object Attributes, close() Method, Read, write, seek.
- Exception Handling, try-finally Clause
- Raising an Exceptions, User-Defined Exceptions
- Regular Expression- Search and Replace
- Regular Expression Modifiers
- Regular Expression Patterns
Topic 6 : Data Analysis Using Numpy
- Introduction to Numpy. Array Creation, Printing Arrays, Basic Operation - Indexing, Slicing and Iterating, Shape Manipulation - Changing shape, stacking and splitting of array
- Vector stacking, Broadcasting with Numpy, Numpy for Statistical Operation
Topic 7 : Data Analysis Using Pandas
- Pandas : Introduction to Pandas
- Importing data into Python
- Pandas Data Frames, Indexing Data Frames ,Basic Operations With Data frame, Renaming Columns, Subsetting and filtering a data frame.
Topic 8 : Data Visualization using Seaborn
- Seaborn: Intro to Seaborn And Visualizing statistical relationships, Import and Prepare data. Plotting with categorical data and Visualizing linear relationships.
- Seaborn Exercise
Exercises
- 3 Case Study on Numpy, Pandas
- 1 Case Study on Pandas And Seaborn
- Variable and its types
- Quantitative, Categorical, Discrete, Continuous
- Outliers, Causes of Outliers, How to treat Outliers, I-QR Method and ZScore Method
Topic 2 : Fundamentals of Math and Probability
- Probability distributed function & cumulative distribution function.
- Conditional Probability, Baye's Theorem
- Problem solving for probability assignments
- Random Experiments, Mutually Exclusive Events, Joint Events, Dependent & Independent Events
Topic 3 : Inferential Statistics
- Central Limit Theorem
- Point estimate and Interval estimate
- Creating confidence interval for population parameter
Topic 4 : Descriptive Statistics
- Measures of Central Tendency – Mean, Median and Mode
- Measures of Dispersion – Standard Deviation, Variance, Range, IQR (Inter-Quartile Range)
- Measure of Symmetricity/ Shape – Skewness and Kurtosis
Topic 5 : Inferential Statistics
- Characteristics of Z-distribution and T-Distribution.
- Type of test and rejection region
- Type of errors in Hypothesis Testing
Topic 6 : Hypothesis Testing
- Type of test and Rejection Region
- Type o errors-Type 1 Errors, Type 2 Errors. P value method, Z score Method. The Chi-Square Test of Independence.
- Regression. Factorial Analysis of Variance. Pearson Correlation Coefficients in Depth. Statistical Significance
- Null and Alternative Hypothesis Onetailed and Two-tailed Tests, Critical Value, Rejection region, Inference based on Critical Value
- Binomial Distribution: Assumptions of Binomial Distribution, Normal Distribution, Properties of Normal Distribution, Z table, Empirical Rule of Normal Distribution & Central Limit Theorem and its Applications
- Definition, Examples, Importance of Machine Learning
- Definition of ML Elements: Algorithm, Model, Predictor Variable, Response
- Variable, Training - Test Split, Steps in Machine Learning,
- ML Models Type: Supervised Learning, Unsupervised Learning and Reinforcement Learning
Topic 1 : Data Preprocessing
- Types of Missing values (MCAR, MAR, MNAR), Methods to handle missing values
- Outliers, Methods to handle outliers: IQR Method, Z Method
- Feature Scaling: Definition , Methods: Absolute Maximum Scaling, Min-MaxScaler, Normalization, Standardization, Robust Scaling
Topic 2 : Logistic Regression Model
- Definition. Why is it called the “Regression model”?
- Sigmoid Function, Transformation & Graph of Sigmoid Function
Topic 3 : Evaluation Metrics for Classification
- Misclassification, TPR, FPR, TNR, Precision, Recall, F1 Score, ROC Curve,and AUC. Using Python library Sklearn to create the Logistic Regression Model and evaluate the model created model
Topic 4 : Decision Tree Model
- Definition, Basic Terminologies, Tree Splitting Constraints, Splitting
- Splitting Methods:
- GINI, Entropy, Chi-Square, and Reduction in Variance - Using Python library Sklearn to create the Decision Tree Model and evaluate the model created
Topic 5 : Random Forest Model
- Ensemble Techniques:
Bagging/bootstrapping & Boosting. - Definition of Random Forest, OOB Score
- K-Fold Cross-Validation
Topic 6 : Naive Baye’s Model
- Definition, Advantages, Baye's Theorem Applicability, Disadvantages of Naive Baye's Model, Laplace's Correction, Types of Classifiers: Gaussian, Multinomial and Bernoulli
- Using Python library Sklearn to create the Naive Baye's Model and evaluatethe model created
Topic 7 : K Means and Hierarchical Clustering
- Definition of Clustering, Use cases of Clustering
- K Means Clustering Algorithm,Assumptions of K Means Clustering
- Sum of Squares Curve or Elbow Curve
Topic 8 : Machine Learning Exercises
- Business Case Study for Kart Model
- Business Case Study for Random Forest
- Business Case Study for SVM
- Business Case Study for Linear Regression
- Business Case Study for Logistic Regression
- Business Case Study for KMean Cluster
- Basics of Time Series Analysis and Forecasting
- Method Selection in Forecasting
- Moving Average (MA) Forecast Example
- Different Components of Time Series Data
- Log Based Differencing, Linear Regression for Detrending
Topic 2 : Introduction to ARIMA Models
- ARIMA Model Calculations, Manual ARIMA Parameter Selection
- ARIMA with Explanatory Variables
- Understanding Multivariate Time Series and their Structure
- Checking for Stationarity and Differencing the MTS
- Text Analytics
- Introduction to NLP
- Use cases of NLP algorithms
- NLP Libraries
- Need for Textual Analytics
- Applications of NLP
- Word Frequency Algorithms for NLP Sentiment Analysis
Topic 2 : Text Analysis
- Distance Algorithms used in Text Analytics
- String Similarity
- Cosine Similarity Mechanism
- The similarity between two text documents
- Levenshtein distance - measuring the difference between two sequences
Topic 3 : Understanding Keras API for implementing Neural Networks
- Information Retrieval Systems
- Information Retrieval - Precision,
- Recall,F- score TF-IDF
- KNN for document retrieval
- K-Means for document retrieval
- Clustering for document retrieval
Topic 4 : Text Pre Processing Techniques
- Need for Pre-Processing
- Various methods to Process the Textdata
- Tokenization, Challenges inTokenization
- Stopping, Stop Word Removal
Topic 5 : Stemming
- Stemming - Errors in Stemming
- Types of Stemming Algorithms - Table
- Lookup Approach
- N-Gram Stemmers
Topic 6 : Use cases on NLP
- Sentiment Analysis
- Content summarization
- Introduction To RDBMS
- Single Table Queries - SELECT, WHERE,ORDER BY, Distinct, And, OR
- Multiple Table Queries: INNER, SELF,CROSS, and OUTER, Join, Left Join, Right Join, Full Join, Union
- Connecting to data source
- Creating dashboard pages
- How to create calculated columns
- Different charts
- Hands-on :
-Hands on on connecting data source and data cleansing
-Hands on various charts
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
Topic 3 : Dashboard and Stories
- Working in Views with Dashboards and Stories
- Working with Sheets
- Fitting Sheets
- Legends and Quick Filters
- Tiled and Floating Layout
- Floating Objects
Why Choose Indrasacademy for Data Science ?
Indra’s Academy’s Data Science course is to prepare candidates to use Data Science techniques for business opportunities. Our highly skilled Data Science trainers possess corporate experience and understand what real job demands. Hence, we offer hands-on training with live projects.
- 100% job assistance
- 1000+ Career Transitions
- Online as well as offline classes
- Learn from Industry Experts.
Indras Academy
Our Alumni Work At
our alumni have found success in renowned companies across the spectrum.
Job Oriented Data Science Course in Bangalore
Looking for best data science training institute in Bangalore? You’re in the right place. Here at Indras Academy, we are committed to empower you with our world-class data science curriculum, industry-leading faculty and real life project experience. Enroll today and get your dream job.
Job Oriented Data Science Course Trining in Bangalore
Looking for best data science training institute in Bangalore? You’re in the right place. Here at Indras Academy, we are committed to empower you with our world-class data science curriculum, industry-leading faculty and real life project experience. Join us today and start your journey to becoming a data science expert!
Learn From Live Projects
We make sure all our candidates get practical knowledge by working on live projects
Learn From Certified Trainers
Our trainers are industry experts with excellent work experience skill sets.
100% Placement Support
We not only offer excellent training courses but also provide candidates with Job support.
Job Oriented Data Science Courses in Bangalore
Looking for best data science training institute in Bangalore? You’re in the right place. Here at Indras Academy, we are committed to empower you with our world-class data science curriculum, industry-leading faculty and real life project experience. Enroll today and get 40% off. Limited Period Offer!!
- 100% Placement Support
- Project-Based Learning
- Updated Course Curriculum
- Trainers from Industry Expert
Request a Course Details
Find Out Why You Should Learn
Data science Syllabus
tempor incididunt ut labore et dolore magna aliqua
Module 1
Python
- Programming Basics & Environment Setup
- Strings, Decisions & Loop Control
- Python Data Types
- Functions And Modules
- File I/O An d Exceptional Handling and Regular Expression
- Data Analysis Using Numpy
- Data Analysis Using Pandas
- Data Visualization using Seaborn
Module 2
Statistics
- Introduction to Statistics
- Fundamentals of Math and Probability
- Inferential Statistics
- Descriptive Statistics
- Inferential Statistics
- Hypothesis Testing
Module 3
Machine Learning
- Data Preprocessing
- Logistic Regression Model
- Evaluation Metrics for Classification
- Decision Tree Model
- Random Forest Model
- Naive Baye’s Model
- K Means and Hierarchical Clustering
- Machine Learning Exercises
Module 4
Time Series
- Introduction to Time Series Forecasting
- Introduction to ARIMA Models
Module 5
Natural Language Processing
- Natural Language Processing
- Text Analysis
- Understanding Keras API for implementing Neural Networks
- Text Pre Processing Techniques
- Stemming
- Use cases on NLP
Module 6
SQL
- RDBMS And SQL Operations
Module 7
TABLEAU
- Introduction to Tableau
- Visual Analytics
- Dashboard and Stories
Data Science Course Overview
We are one of the leading online and classroom data science training institute in Bangalore, India. Our curriculum is designed by industry experts to help you master data science in Python, R, Machine Learning Statistics, Tableau, and more. We have helped people from all backgrounds get their dream jobs and secure placement in the industry.
- No prior Experience or Knowledge Required
- 100% Quality Training Guarantee
- 100% job assistance
- Lowest fees with easy EMI instalments
- Structured guidance by experts
- 12 Lakh Average annual salary
- Give Your Career a Boost
Modules You Learn In Data Science Course
Indras Academy is the first of its kind in India to provide industry-relevant data science training. Our data science training gives you the edge by providing in-depth knowledge of all the modules that are required to kick-start your career in this amazing and growing field.
Master Python Programming from Basics to advance as required for Data Science.
Unlock the power of data with our statistics course. Expert instructors, hands-on learning
You will be able better market yourself as a Machine Learning Practioneer
Learn NLP and unlock the power of language. hands-on learning, and real-world projects.
Master data visualization with our Tableau course. Expert instructors, and real-world projects.
Learn to program in R at a good level and how to use R Studio
Course Options
Live Virtual
Instructor Led Live Online
₹49,999 ₹35,499
- 100% Job Support
- 4 Months Program
- Live Industry Projects
- Profile Building Support
- Interview Preparation Support
- Course Completion Certifcate
Classroom
In - Person Classroom Training
₹49,999 ₹39,950
- 100% Job Support
- 4 Months Program
- Live Industry Projects
- Profile Building Support
- Interview Preparation Support
- Course Completion Certifcate
Career after Data Science Training
Data Science is one of the most rapidly growing sectors in the technology market. Demand for Data Scientist Increasing by 20% Every year!
- Various sectors like advertising, marketing, big data, robotics, security, artificial intelligence, etc are using Data Science to a great extent.
- Hence, Glassdoor has predicted that Data Science will be one of the most demanded jobs in coming years.
- Since companies generate huge amounts of data but do not have expertise in processing the data, there is a big void between the demand and supply of data scientists.
- Though data science is a technology-based sector, Indra's Academy makes sure that all the concepts get cleared on online courses as well.
- Since data scientists must have hands-on exposure to key technologies including R, Python, Tableau, Hadoop, and Spark; the profile is in great demand.
TOOLS COVERED IN DATA SCIENCE
Data Science Course Curriculum
Are you looking for data science training in Bangalore? Look no further than our institute! We offer the best data science training in the city, with experienced faculty and state-of-the-art facilities. Join us today and start your journey to becoming a data science expert!
- Installing Anaconda
- Anaconda Basics and Introduction
- Get familiar with version control, Git and GitHub.
- Basic Github Commands.
- Introduction to the Jupyter Notebook environment.
- Basics Jupyter notebook Commands.
- Programming language basics.
- Python Overview
- Python 2.7 vs Python 3
- Writing your First Python Program Lines and Indentation
- Python Identifiers
- Various Operators and Operators Precedence
- Getting input from User, Comments, Multi line Comments.
- Working with Numbers, Booleans and Strings
- String types and formatting
- String operations Simple if Statement, if-else Statement if-elif Statement.
- Introduction to while Loops.
- Introduction to for Loops
- Using continue and break.
- Class hands-on: programs/coding exercise on string, loop and conditions in the classroom.
- List, Tuples, Dictionaries Python Lists, Tuples, Dictionaries
- Accessing Values, Basic Operations Indexing, Slicing, and Matrixes Built-in Functions & Methods.
- Exercises on List, Tuples And Dictionary
- Class hands-on: Program to convert tuple to dictionary Remove Duplicate from Lists
- Python program to reverse a tuple Program to add all elements in list.
- Introduction To Functions
- Why Defining Functions
- Calling Functions
- Functions With Multiple Arguments.
- Anonymous Functions
- Lambda Using Built-In Modules
- User-Defined Modules
- Module Namespaces
- Iterators And Generators.
- Opening and Closing Files
- open Function, file Object Attributes close() Method ,Read, write,seek.
- Exception Handling, try-finally Clause Raising an Exceptions, User-Defined Exceptions.
- Regular Expression- Search and Replace Regular Expression Modifiers Regular Expression Patterns.
- Introduction to Numpy.
- Array Creation,Printing Arrays
- Basic Operation -Indexing, Slicing and Iterating
- Shape Manipulation - Changing shape,stacking and splitting of arrays.
- Vector stacking, Broadcasting with Numpy, Numpy for Statistical Operation.
- Pandas : Introduction to Pandas Importing data into Python
- Pandas Data Frames, Indexing Data Frames
- ,Basic Operations With Data frame,Renaming Columns,Subletting and filtering a data frame.
- Introduction,plot(),Controlling Line
- Properties,Subplot with Functional Method, MUltiple Plot, Working with Multiple Figures,Histograms Seaborn :
- Intro to Seaborn And Visualizing statistical relationships
- Import and Prepare data
- Plotting with categorical data and Visualizing linear relationships
- Seaborn Exercise
- Basic understanding of linear algebra, Matrics, vectors.
- Addition and Multiplication of matrices.
- Fundamentals of Probability
- Probability distributed function and cumulative distribution function.
- Class Hand-on Problem solving using R for vector manipulation.
- Problem solving for probability assignments.
- The mean,median,mode, curtosis and skewness Computing Standard deviation and Variance.
- Types of distribution.
- Class Handson: 5 Point summary BoxPlot Histogram and Bar Chart Exploratory analytics R Methods.
- Inferential Statistics
- What is inferential statistics Different types of Sampling techniques Central Limit Theorem.
- Point estimate and Interval estimate.
- Creating confidence interval for population parameter Characteristics of Z-distribution and T- Distribution.
- Basics of Hypothesis Testing Type of test and rejection region Type of errors in Hypothesis resting.
- Type-l error and Type-ii errors P-Value and Z-Score Method T-Test, Analysis of variance(ANOVA) and Analysis of Covariance(ANCOVA) Regression analysis in ANOVA.
- Class Hands-on: Problem solving for C.L.T Problem solving Hypothesis Testing Problem solving for T-test, Z-score test Case study and model run for ANOVA.
Basics of Hypothesis Testing Type of test and Rejection Region- Type o errors-Type 1 Errors,Type 2 Errors
- P value method,Z score Method.
- The Chi-Square Test of Independence Regression
- Factorial Analysis of Variance
- Pearson Correlation Coefficients in Depth Statistical Significance, Effect Size, and Confidence Intervals
- Introduction to Data Cleaning
- Data Preprocessing What is Data Wrangling?
- How to Restructure the data? What is Data Integration?
- Data Transformation
- EDA : Finding and Dealing with Missing Values.
- What are Outliers? Using Z- scores to Find Outliers.
- Introduction to Bivariate Analysis,Scatter Plots and Heatmaps.
- Introduction to Multivariate Analysis
- Introduction To Machine Learning
- What is Machine Learning?
- Introduction to Supervised and Unsupervised Learning
- Introduction to SKLEARN (Classification, Regression, Clustering, Dimensionality reduction, Model selection, Preprocessing)
- What is Reinforcement Learning?
- Machine Learning applications
- Difference between Machine Learning and Deep Learning
- Support Vector Machines Linear regression
- Logistic Regression Naive Bayes
- Linear discriminant analysis Decision tree
- k-nearest neighbor algorithm Neural Networks (Multilayer perceptron)
- Similarity learning
- Introduction to Linear Regression
- Linear Regression with Multiple Variables
- Disadvantage of Linear Models
- Interpretation of Model Outputs
- Understanding Covariance and Collinearity
- Understanding Heteroscedasticity
- Case Study – Application of Linear Regression for Housing Price Prediction
Introduction to Logistic Regression.- Why Logistic Regression .
- Introduce the notion of classification
- Cost function for logistic regression
- Application of logistic regression to multi-class classification.
- Confusion Matrix, Odds Ratio And ROC Curve
- Advantages And Disadvantages of Logistic Regression.
- Case Study:To classify an email as spam or not spam using logisticRegression.
Decision Tree – data set How to build a decision tree?- Understanding Kart Model
- Classification Rules- Overfitting Problem
- Stopping Criteria And Pruning
- How to Find the final size of Trees?
- Model A Decision Tree.
- Naive Bayes
- Random Forests and Support Vector Machines
- Interpretation of Model Outputs
- Hierarchical Clustering
- k-Means algorithm for clustering – groupings of unlabeled data points.
- Principal Component Analysis(PCA)- Data
- Independent components analysis(ICA) Anomaly Detection
- Recommender System-collaborative filtering algorithm
- Case Study– Recommendation Engine for e-commerce/retail chain
Basics of Time Series Analysis and Forecasting ,Method Selection in Forecasting
Moving Average (MA) Forecast Example,Different Components of Time Series Data ,Log Based Differencing, Linear Regression For Detrending
- Introduction to ARIMA Models,ARIMA Model Calculations,Manual ARIMA Parameter Selection,ARIMA with Explanatory Variables
- Understanding Multivariate Time Series and Their Structure,Checking for Stationarity and Differencing the MTS
- Case Study : Performing Time Series Analysis on Stock Prices
- Introduction to Deep Learning And TensorFlow
- Neural Network
- Understanding Neural Network
- Model Installing
- TensorFlow Simple Computation ,Constants And Variables
- Types of file formats in TensorFlow
- Creating A Graph – Graph Visualization
- Creating a Model – Logistic Regression
- Model Building using tensor flow
- TensorFlow Classification Examples
- Installing TensorFlow
- Simple Computation , Contants And Variables
- Types of file formats in TensorFlow
- Creating A Graph - Graph Visualization
- Creating a Model - Logistic Regression
- Model Building
- TensorFlow Classification Examples
- Basic Neural Network Single Hidden Layer Model
- Multiple Hidden Layer Model
- Backpropagation – Learning Algorithm and visual representation
- Understand Backpropagation – Using Neural
- Network Example TensorBoard
- Project on backpropagation
- Convolutional Layer Motivation
- Convolutional Layer Application
- Architecture of a CNN
- Pooling Layer Application
- Deep CNN
- Understanding and Visualizing a CNN
Introduction to Text Analytics
Introduction to NLP
What is Natural Language Processing?
What Can Developers Use NLP Algorithms For?
NLP Libraries
Need of Textual Analytics Applications of Natural Language Processing
Word Frequency Algorithms for NLP Sentiment Analysis
Need of Pre-Processing
Various methods to Process the Text data
Tokenization, Challenges in Tokenization
Stopping, Stop Word Removal Stemming - Errors in Stemming Types of Stemming Algorithms - Table lookup Approach ,N-Gram Stemmers
String Similarity
Cosine Similarity
Mechanism - Similarity between Two text documents Levenshtein distance - measuring the difference between two sequences Applications of Levenshtein distance LCS(Longest Common Sequence )
Problems and solutions ,LCS Algorithms
Information Retrieval - Precision, Recall, F- score TF-IDF
KNN for document retrieval K-Means for document retrieval Clustering for document retrieval
Introduction To RDBMS Single Table Queries - SELECT,WHERE,ORDER
BY,Distinct,And ,OR Multiple Table Queries: INNER, SELF, CROSS, and OUTER, Join, Left Join, Right Join, Full Join, Union.
Advance SQL Operations: Data Aggregations and summarizing the data
Ranking Functions: Top-N Analysis Advanced SQL Queries for Analytics.
Topics - What is HBase? HBase Architecture, HBase Components,
Storage Model of HBase, HBase vsRDBMS
Introduction to MongoDB, CRUD Advantages of MongoDB over RDBMS
Use cases
Mathematical Functions
Variables
Conditional Logic Loops
Custom Functions Grouping and Ordering Partitioning
Filtering Data Subqueries
Topics - What is HBase? HBase Architecture, HBase Components,
Storage Model of HBase, HBase vsRDBMS
Introduction to MongoDB, CRUD Advantages of MongoDB over RDBMS
Use cases
Connecting To Datasource Creating dashboard pages
How to create calculated columns Different charts
Hands on on connecting data source and data cleansing
Hands on various charts
Getting Started With Visual Analytics Sorting and grouping
Working with sets
set action Filters: Ways to filter, Interactive Filters Forecasting andClustering
Hands on deployment of Predictive model invisualization
Working in Views with Dashboards and Stories
Working with Sheets Fitting Sheets
Legends and Quick Filters Tiled and Floating Layout Floating Objects
Coordinate points
Plotting Latitude and Longitude
Custom Geocoding
Polygon Maps
WMS and Background Image
- Introduction to Google CloudML Engine
- CloudML Engine in Machine Learning
- WorkFlow Components of Cloud MLEngine- Google Cloud Platform Console.
- Gcloud command-line tool and Rest API
- Developing a training application
- Packaging a training application
- Running and monitoring a training job
- Using hyperparameter tuning Using GPUs for training models in the cloud
Upcoming Batch Details
We provide flexible batch timings to all our students. if this schedule does’t match feel free to contact us we will try to schedule appropriate timings based on your flexible timings.
Career Paths in Data Science
Data science is one of the hottest job markets right now. With the rise of big data, companies are looking for ways to make sense of all the information they are collecting. That’s where data scientists come in. There are many different job roles within data science.
Industry Recognized Certification
After completing the course, Indra’s Academy Bangalore offers an industry recognised certificate that will give you a hike in your career.
Frequently Asked Questions.
Data Science is nothing but an amalgam of methods integrating statistics, data analysis, and machine learning. A data scientist analyses processed and unprocessed data to enhance business decisions. Data Scientists must have good hands on Python, R, R Studio, Hadoop, MapReduce, Apache Spark, Apache Pig, Java, NoSQL database, Cloud Computing, etc.
Absolutely! At Indra's Academy Bangalore, be it online or offline classes, we cover all the basic topics since we believe in making the fundamental concepts clear. Indra's Academy makes sure all the candidates are pro in data science.
To become a data scientist, candidates pursuing the course must have a Bachelor's degree in Mathematics, Statistics, Computer Science or Data Science. Also, engineers from IT are also eligible to join this course.
Yes! Indra's Academy is now offering online courses for students who cannot enroll for offline classes due to pandemic and also to offer excellent training for students all over the globe. Students from any part of the world can enroll for courses at Indra's Academy.
As mentioned earlier, Indra's Academy not only offers excellent coaching to students but also makes sure each candidate gets equal opportunity to interview in well-known organizations. We deliver 100% job assistance with a minimum of 30 interviews.
The duration of this course is 3 months. In these 3 months, our skilled and experienced trainers prepare candidates for complex company projects and also for tough interviews.
Since data science is an extremely responsible and tough job, companies pay handsome salaries to skilled candidates. Initial salary ranges from 5-6 LPA.
The Data Science Course includes:
Python and R programming
Machine learning
Exploratory Data Analysis
Data Visualization
Inferential Statistics
Text Mining
Deep Learning
Predictive Modelling
Etc.
Do I get a job after doing this course?
Definitely! Data Science is the leading technology in automation, machines, marketing, and whatnot. There are millions of job opportunities for data scientists.
- Since data science involve extreme technical skillset, companies are looking for experts
- Candidates having data science certifications from reputed training centres are preferred
- Brands like IBM, Google, Facebook, Infosys, TCS, etc are having major job vacancies for data scientists
- Candidates having high skills of data science, get opportunities to fetch valuable insights from rough data
- The Data Science Market in India is estimated to be worth 6 million dollars by the year 2025
Reviews by Students
Get In Touch
Contact Us
- Indrasacademy 45, varthur main road, 2, Tulsi Theater Rd, Marathahalli Village, Marathahalli, Bengaluru, Karnataka 560067
- Phone: +91 81972 24940
- Email: indrasacademy@gmail.com
Our Training Centers
Do you want to learn data science? Bangalore is the perfect place to do it! We offer leading data science training that will help you get the skills and knowledge you need to succeed in this growing field. Contact us today to learn more about our data science training program.