0% found this document useful (0 votes)
6 views

Data Scientist & Data Analyst

Revamp Academy offers a comprehensive 2-month training program for aspiring Data Scientists and Data Analysts, focusing on essential skills such as Python, SQL, machine learning, and data visualization. The curriculum includes hands-on projects, lifetime mentorship, and 24/7 support, catering to both beginners and those with prior experience. Participants will gain practical knowledge in AI technologies, preparing them for career opportunities in the field.
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)
6 views

Data Scientist & Data Analyst

Revamp Academy offers a comprehensive 2-month training program for aspiring Data Scientists and Data Analysts, focusing on essential skills such as Python, SQL, machine learning, and data visualization. The curriculum includes hands-on projects, lifetime mentorship, and 24/7 support, catering to both beginners and those with prior experience. Participants will gain practical knowledge in AI technologies, preparing them for career opportunities in the field.
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/ 24

Welcome to

Revamp Academy!

🎓 Why Choose Revamp Academy?


● ✨ Comprehensive Curriculum
● 🚀 Hands-On Learning
● 👨‍🏫 Experienced Instructors
● 💼 Career Opportunities
● 🌟 Supportive Community
● 🌐 24/7 Support
● 💲 Affordable Fee Structures
● 📅 Live Sessions with Comfortable Timings
● 📽️ Recordings of Live Sessions
● 🚀 Lifetime Mentorship
● 🌐 Internship Opportunities
Whether you're a beginner or have prior experience,
our course will equip you with the knowledge and
practical skills needed to excel in the world of STACK
development.
DATA SCIENTIST & DATA ANALYST
(2 MONTHS Training)

At Revamp Academy, we're thrilled to introduce our highly anticipated DATA


SCIENTIST & DATA ANALYST training program. This course is designed to cater to
students like you who are eager to dive into the world of AI TECH.

📚 What Will You Learn?


● Python & SQL Basics: Build a strong programming foundation with
Python for data manipulation and SQL for data management.

● Power BI for Data Analysis: Develop data visualization and dashboard


skills to extract meaningful insights.

● Machine Learning & Deep Learning: Learn key ML algorithms, and


explore neural networks for complex tasks like image and text analysis.

● Natural Language Processing (NLP): Acquire skills to work with text


data, from sentiment analysis to text generation.

● Model Deployment & Version Control: Understand Git for version


control and deploy AI models for real-world applications.

● Project Work: Throughout the course, you'll work on hands-on


projects that will solidify your skills.
Detailed Syllabus ❤️
Setup & Preparation

Introduction and Tool Setup

● Python Installation: Setting up the Python environment for data science


tasks.
● Power BI Installation: Overview and installation for data visualization.
● MySQL Download: Database setup and connection basics.
● Jupyter Notebook Essentials: Basic imports and setup for data
manipulation and visualization libraries.

💡 Libraries: pandas, numpy, matplotlib


Fundamentals of Artificial Intelligence (AI)

Introduction to Core AI Concepts

● Data Science: Overview and applications.


● Data Analysis: Basics of analyzing and interpreting data.
● Machine Learning (ML): Introduction to predictive modeling.
● Deep Learning: Basics of neural networks.
● Natural Language Processing (NLP): Language-based AI.
● Computer Vision: Understanding image data for AI.
Python Programming Essentials

Python Fundamentals for Data Science

● Printing and Displaying Output


● Comments in Python
● Variables and Their Usage
● Data Types in Python
● Type Conversion
● Taking User Input
● Arithmetic, Comparison, and Logical Operators
○ Assignment Operators
○ String Operations:
■ Introduction to Strings
■ Common String Functions
■ Deleting & Updating Strings
● Control Structures:
○ Conditional Statements (if, elif, else)
○ Nested Conditional Statements

Data Structures in Python

Understanding Python Data Structures

1. Lists:
○ Introduction and Methods
2. Tuples:
○ Basics and Use Cases
3. Dictionaries:
○ Introduction and Methods
4. Sets:
○ Introduction and Methods
Loops and Functions in Python

Implementing Control Flow and Functions

● Loops:
○ While Loop
○ For Loop
● Control Statements: Breaking and Continuing in Loops
● Functions:
○ Function Basics
○ Arguments and Keyword Arguments (Args and Kwargs)

💡 Basic Python Assignments and Problem


Solving

File Handling, Exceptions & Regular


Expressions

Advanced Python Techniques

● File Handling: Reading and Writing Files


● Error Handling: Basics of Exception Handling

NumPy for Numerical Computation

Introduction to NumPy for Data Science

● Basics of NumPy and Array Creation


● Array Dimensions and Operations:
○ Reshape, Transpose, Ravel
○ Indexing, Slicing, Inserting, and Deleting Elements
● Random Number Generation

● Stacking and Splitting Arrays: Horizontal and Vertical Stacking


● Statistical Functions: Mean, Median, Standard Deviation, Dot Product
● Additional Concepts:
○ View vs Copy

💡 Practical Assignment on NumPy


Pandas and Exploratory Data Analysis (EDA)

Data Manipulation and EDA Techniques

● Pandas Basics:
○ Overview of Pandas and Basic Concepts
○ Working with Series
● Data Frame Operations:
○ Set Index, Sorting, and Filtering Data
○ Accessing Data with loc and iloc
● Data Aggregation:
○ Group By and Pivot Table
○ Advanced Aggregation Techniques
● Exploratory Data Analysis (EDA):
○ Deleting Rows and Columns
○ Handling Duplicate and Missing Values
○ Outlier Detection (IQR)
● Data Visualization with Matplotlib and Seaborn:
○ Labeling, Subplots, Font Adjustments
○ Legends and Basic Plot Types: Bar Chart, Scatter Plot, Histogram, Pie
Chart

💡 Assignment on Pandas and EDA


SQL Basic

Basic SQL Module

1. Introduction to Database
○ What is a Database?
○ Types of Databases
○ SQL vs NoSQL
2. Database Schema
○ Three-Layer Abstraction: External, Conceptual, Internal
○ Importance of Schema Design
3. ACID Properties
○ Atomicity
○ Consistency
○ Isolation
○ Durability
4. Data Definition Language (DDL)
○ CREATE Command
○ ALTER, DROP, and TRUNCATE Commands
5. SQL Constraints
○ Primary Key, Foreign Key
○ Unique, Check, and Default Constraints
6. Normalization
○ 1NF, 2NF, 3NF, and BCNF
○ Importance of Normalization
7. Data Manipulation Language (DML)
○ INSERT Command
○ UPDATE and DELETE Commands
8. SQL Query Execution
○ SQL Keyword Order of Execution
○ FROM Clause
○ WHERE Clause
○ GROUP BY and HAVING Clauses
○ SELECT and ORDER BY Clauses
○ TOP Keyword Usage

SQL Intermediate

Intermediate SQL Module

1. Subqueries
○ Types of Subqueries
○ Use Cases in SQL Queries
2. SQL Joins
○ Inner Join, Left Join, Right Join, Full Join
○ Cross Join and Self Join

CTE, Stored Procedures, Data Modeling

1. SQL String Transformations


○ String Functions (e.g., UPPER, LOWER, TRIM)
2. Date and Time Manipulation
○ Date Functions (e.g., NOW, DATEDIFF)
3. Case Statements
○ Conditional Logic in SQL
4. Common Table Expressions (CTE)
○ Recursive and Non-Recursive CTEs
5. Stored Procedures
○ Creating and Using Stored Procedures
○ Parameters and Return Types
6. Data Modeling
○ Entity-Relationship Diagrams
○ Keys and Relationships
7. SQL Reverse Engineering
○ Understanding Existing Databases
8. Transactions
○ Transaction Control (COMMIT, ROLLBACK, SAVEPOINT)
9. Views
○ Creating and Using Views
○ Updatable Views

SQL Advanced

Advanced SQL Features

1. Lead & Lag Functions


○ Contextual Use Cases
2. Swapping Records
○ Implementing Swaps in SQL Queries
3. Pivot and Unpivot
○ Transforming Rows to Columns and Vice Versa
4. Ratio to Report Function
○ Calculating Ratios in SQL
5. SQL for Recommendations
○ Using SQL in Recommendation Systems

Window Functions

1. Introduction to Window Functions


○ Basics and Syntax
2. Window vs. Group By
○ Differences and Use Cases
3. Partitioning Data
○ Row Number with PARTITION BY
4. Ranking Functions
○ RANK, DENSE_RANK, NTILE
5. Aggregate Window Functions
○ Calculating Sums, Averages, etc.
6. Rolling Windows
○ Rolling Sum, Rolling Average
MACHINE LEARNING

Feature Selection

1. Introduction to Machine Learning


○ Basics and Terminology
2. Feature Selection Techniques
○ Methods for Feature Reduction
3. Handling Missing Values
○ Dropping and Imputing
4. Variance Threshold
○ Removing Low Variance Features
5. fit, transform, fit_transform, Predict
○ Understanding Scikit-Learn's Transformations
6. ANOVA and Recursive Feature Elimination (RFE)
○ Techniques for Feature Ranking
7. Model-Based Feature Selection
○ Using Models to Determine Features
8. Variance Inflation Factor (VIF)
○ Multicollinearity Analysis

Feature Engineering

1. Creating New Columns


○ Feature Construction
2. Handling Missing Values
○ fillna and dropna Methods
3. Outlier Detection and Removal
○ Standard Deviation, Z-Score, and Pandas Techniques
4. Data Preprocessing
○ Scaling, Normalization, Encoding
5. Binning and Encoding
○ Converting Continuous to Categorical Data
6. Gaussian Transformation
○ Converting Data to Normal Distribution
7. Datetime Module
○ Handling Date-Time Data

Linear Regression

1. Introduction to Linear Regression


○ Algebraic and Geometric Intuition
2. Optimization Techniques
○ Vector Multiplication, Transpose, and Error Calculations
3. Loss Function and Gradient Descent
○ Error Minimization Techniques
4. Assumptions in Linear Regression
○ Data Preparation and EDA
5. Fitting the Model and Evaluation
○ Model Building, Metrics, and Residual Analysis

Logistic Regression, PCA, KNN

1. Logistic Regression
○ Intuition, Model, and Metrics
2. Normalization & Standardization
○ Data Scaling Techniques
3. PCA
○ Fundamentals, Implementation, and Visualization
4. K-Nearest Neighbors (KNN)
○ Theory and Coding

Decision Tree, Naive Bayes

1. Decision Tree
○ Theory, Visualization, and Pruning
2. Naive Bayes
○ Text Analytics, Bernoulli, Multinomial, Gaussian
3. Evaluation Metrics
○ Confusion Matrix, Sensitivity, Specificity
Bagging and Boosting

1. Ensemble Techniques
○ Bagging, Random Forest, Extra Trees
2. Boosting Techniques
○ AdaBoost, Gradient Boosting, XGBoost, CatBoost
3. Hyperparameter Tuning
○ Using GridSearchCV and RandomizedSearchCV

Clustering, Support Vector Machine

1. Clustering (Unsupervised Learning)


○ K-means, Hierarchical, DBSCAN, Gaussian Mixture
2. Support Vector Machine (SVM)
○ Intuition and Hyperparameter Tuning

Hypothesis Testing, Gradient Descent

1. Hypothesis Testing
○ Null & Alternative Hypothesis, Errors, and Tailed Tests
2. ANOVA & Chi-Square Test
○ Applications in Data Analysis
3. Gradient Descent
○ Concept and Applications in Regression

Linear Regression Deployment

● Overview of Deployment
● Preparing the Model for Deployment
● Deployment Techniques
● Evaluating Deployed Models
Deep Learning - Neural Network
Fundamentals

Introduction to Deep Learning

● What is Deep Learning?


● Applications of Deep Learning

Artificial Neural Networks (ANN)

● Structure of an ANN
● Forward and Backward Propagation

Perceptron

● Introduction to Perceptron
● Weights and Biases in Perceptron
● Animating the Perceptron

Multilayer Perceptron (MLP)

● Structure and Working of MLP


● Importance of Layers in MLP

Activation Functions

● Sigmoid Function
● Additional Activation Functions (ReLU, TANH, Softmax)

Loss Functions

● Regression Loss Functions


● Classification Loss Functions
Keras Framework

● Overview of Keras
● Key Keras Modules

Problem Solving with Keras

● Binary Classification
● Multi-Class Classification
● Regression Problems

Optimizers

● Types of Optimizers
● Evaluating and Comparing Optimizers

Introduction to Convolutional Neural Networks (CNN)

● Basics of CNN
● Applications of CNN

Deep Learning - Neural Network


Fundamentals
Introduction to Deep Learning

● What is Deep Learning?


● Applications of Deep Learning

Artificial Neural Networks (ANN)

● Structure of an ANN
● Forward and Backward Propagation
Perceptron

● Introduction to Perceptron
● Weights and Biases in Perceptron
● Animating the Perceptron

Multilayer Perceptron (MLP)

● Structure and Working of MLP


● Importance of Layers in MLP

Activation Functions

● Sigmoid Function
● Additional Activation Functions (ReLU, TANH, Softmax)

Loss Functions

● Regression Loss Functions


● Classification Loss Functions

Keras Framework

● Overview of Keras
● Key Keras Modules

Problem Solving with Keras

● Binary Classification
● Multi-Class Classification
● Regression Problems

Optimizers

● Types of Optimizers
● Evaluating and Comparing Optimizers
Introduction to Convolutional Neural Networks (CNN)

● Basics of CNN
● Applications of CNN

Deep Learning - Advanced Concepts


Tensor Fundamentals

● Understanding Tensors
● Tensor Operations and Examples

PyTorch Fundamentals

● Introduction to PyTorch
● Practical Tensor Solutions with PyTorch

Building Neural Networks

● Core Building Blocks


● Hands-on Neural Network Creation

Advanced Activation Functions

● Advanced Use Cases of Activation Functions


● Practical Implementation

Training a Neural Network

● Steps in Training
● Practical Training Solutions

Loss Functions

● Advanced Loss Function Use Cases


● Loss Implementation Techniques
Optimizers

● Optimizer Implementation and Evaluation

Regularization Techniques

● Types of Regularization
● Hands-on Regularization

Object-Oriented Programming (OOP) in Python for Deep Learning

● OOP Concepts in Python


● OOP-Based Solutions for Deep Learning

Deep Learning - Case Study


Human Activity Recognition Project

● Dataset Overview
● Model Development
● Evaluation and Optimization

Natural Language Processing (NLP) -


Basics
Text Preprocessing

● Tokenization
● Lemmatization
● Stemming
● Stop Words Removal
Feature Extraction

● Bag of Words (BoW)


● Count Vectorizer
● TF-IDF Vectorization
● N-Grams

POS Tagging and Word Embeddings

● Parts of Speech (POS) Tagging


● Introduction to Gensim and Word2Vec

Sentiment Analysis

● Overview of Sentiment Analysis


● Applications and Use Cases

Activation Functions for NLP

● Sigmoid Function
● TANH, ReLU, and Softmax Functions

Recurrent Neural Networks (RNN)

● Introduction to RNNs
● Types of RNNs (Simple, LSTM, GRU)
● Limitations of RNNs

Natural Language Processing (NLP) -


Advanced Techniques
Deep Learning Models in NLP

● LSTM (Long Short-Term Memory)


● GRU (Gated Recurrent Unit)
● Bi-LSTM (Bidirectional LSTM)

Transformers in NLP

● Introduction to Transformers
● Applications of BERT (Bidirectional Encoder Representations from
Transformers)
● Tokenization with BERT

Using SpaCy for NLP

● Overview of SpaCy
● Implementing NLP Tasks with SpaCy

Natural Language Processing (NLP) -


Project
Medical Chatbot Assistance Project

● Dataset Overview
● Model Development and Deployment

Power BI - Fundamentals
Introduction to Power BI

● Overview of Power BI
● Key Features and Functionalities

DAX (Data Analysis Expressions)

● Introduction to DAX Formulas


● Basic DAX Expressions

Power BI - Case Study


HR Employee Data Analysis Project

● Importing and Cleaning Data


● Data Analysis with DAX
● Visualizing Insights
Capstone Project
💡 Project : HR employee Data Analysis (POWER BI)
💡 Project : Life Expectancy (POWER BI)
💡 Project : Linear Regression Deployment (MACHINE LEARNING)
💡 Project : Chat Bot (MACHINE LEARNING, NLP)
💡 Project : Human Activity Recognition (DEEP LEARNING)
💡 Project : BERT Email Classification (DEEP LEARNING)
💡 Project : Project like Google Assistant (NLP)
💡 Project : Sentimental Analysis (NLP)
--------------------------------------------------------------------

💰 Course Fee and Schedule


● Fee : Rs. 35000 - 3500/- for the entire 2 Months program.
● Duration: 90 minutes per session.
● Classes: 4 - 5 Classes/Week
● Online Training - GMEET
💰 Perks for this Training
🔍 Revamp Review’s
Social Media 🎉
For updates and additional information, follow us on Instagram:

REVAMP INSTAGRAM PAGE


REVAMP WEBSITE

If you have any inquiries or need assistance, please feel free to reach out to our

dedicated trainer, Suganth Pv, at 8072948266.

We eagerly await your arrival at Revamp Academy, where we're committed to


nurturing your coding talents and empowering you to create extraordinary user
experiences! 🌐
Share with your Friends and Make them Success too !

You might also like