[go: up one dir, main page]

0% found this document useful (0 votes)
100 views7 pages

Neovarsity DSML Brochure

This curriculum outline describes an 18-month Master's program in computer science with a specialization in AI and machine learning. The program is divided into beginner, intermediate, advanced, and specialization modules, with topics including Python, SQL, statistics, machine learning algorithms, deep learning, and machine learning operations. The program aims to equip students with skills in data analysis, machine learning, and their applications.
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)
100 views7 pages

Neovarsity DSML Brochure

This curriculum outline describes an 18-month Master's program in computer science with a specialization in AI and machine learning. The program is divided into beginner, intermediate, advanced, and specialization modules, with topics including Python, SQL, statistics, machine learning algorithms, deep learning, and machine learning operations. The program aims to equip students with skills in data analysis, machine learning, and their applications.
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/ 7

Master of Science in Computer Science – AI & ML Specialization

Curriculum Outline

Modules ECTS Credits Duration

Beginner Tableau + Excel 5 4 Months

SQL 5

Beginner Python 1 5

Beginner Python 2 5

Intermediate Python Libraries 5 4 Months

Probability and Applied Statistics 5

Common Core Fundamentals 5

Product Analytics 5

Advanced Advanced Python 5 3 Months

Mathematics for Machine Learning 5

Introduction to Neural Networks and 5


Machine Learning

Machine Learning Machine Learning Supervised 5 3 Months


Specialisation Algorithms

Machine Learning Adv Supervised 5


Algorithms

Machine Learning Unsupervised 5

Deep Learning Neural Networks 5 3 Months


Specialisation
Computer Vision 5

Natural Language Processing 5

Machine Learning Machine Learning Ops 5 1 Month

Total 90 18 Months
Additional Optional Modules
Advanced Data Mathematics for Computer Science 5 1 Month
Structures and
Algorithm Algorithmic Problem Solving 5 1 Month
Paradigms

Data Structures and Real World 5 1 Month


Applications

Advanced Algorithmic Problem 5 1 Month


Solving Paradigms
Curriculum Deep Dive

Beginner Module – 4 Months

● Module 1: Tableau + Excel – 5 Credits


○ Basic Visual Analytics
○ More Charts and Graphs, Operations on Data and Calculations in Tableau
○ Advanced Visual Analytics and Level Of Detail (LOD) Expressions
○ Geographic Visualisations, Advanced Charts, and Worksheet and Workbook Formatting.
○ Introduction to Excel and Formulas
○ Pivot Tables, Charts and Statistical functions
○ Google Spreadsheets
● Module 2: SQL – 5 Credits
○ Intro to Databases & BigQuery Setup
○ Extracting data using SQL
○ Functions, Filtering and Subqueries
○ Joins
○ GROUP BY & Aggregation
○ Window Functions
○ Date and Time Functions & CTEs
○ Indexes and Partitioning

● Module 3: Beginner Python 1 – 5 Credits


● Module 4: Beginner Python 2 – 5 Credits
○ Flowcharts, Data Types, Operators
○ Conditional Statements & Loops
○ Functions
○ Strings
○ In-built Data Structures - List, Tuple, Dictionary, Set, Matrix Algebra, Number Systems

Intermediate Module (Data Analysis and Visualisation) – 4 Months1


● Module 5: Python Libraries – 5 Credits
○ Numpy, Pandas
○ Matplotlib
○ Seaborn
○ Data Acquisition
○ Web API
○ Web Scraping

1
Placement assistance for Data Analyst/Product Analyst roles via Mastery based evaluation starts after
completion of this module
○ Beautifulsoup
○ Tweepy

● Module 6: Probability and Applied Statistics – 5 Credits


○ Probability
○ Bayes Theorem
○ Distributions
○ Descriptive Statistics, outlier treatment
○ Confidence Interval
○ Central limit theorem

● Module 7: Common Core Fundamentals – 5 Credits


○ Hypothesis test, AB testing
○ ANOVA
○ Correlation
○ EDA, Feature Engineering, Missing value treatment
○ Experiment Design
○ Regex, NLTK, OpenCV

● Module 8: Product Analytics – 5 Credits


○ Framework to address product sense questions
○ Diagnostics
○ Metrics, KPI
○ Product Design & Development
○ Guesstimates
○ Product Cases from Netflix, Stripe, Instagram

Advanced Module (Foundations of Machine Learning and Deep Learning) – 3


Months

● Module 9: Advanced Python – 5 Credits


○ Python Refresher
○ Basics of Time and Space Complexity
○ OOPS
○ Functional Programming
○ Exception Handling and Modules

● Module 10: Mathematics for Machine Learning – 5 Credits


○ Classification
○ Hyperplane
○ Halfspaces
○ Calculus
○ Optimization
○ Gradient descent
○ Principal Component Analysis

● Module 11: Introduction to Neural Networks and Machine Learning – 5 Credits


○ Introduction to Classical Machine Learning
○ Linear Regression
○ Polynomial, Bias-Variance, Regularisation
○ Cross Validation
○ Logistic Regression-2
○ Perceptron and Softmax Classification
○ Introduction to Clustering, K-Means
○ K-means ++, Hierarchical

Specialisations – 3 Months2
Machine Learning

● Module 12: Machine Learning 1.1 (Supervised) – 5 Credits


○ MLE, MAP, Confidence Interval
○ Classification Metrics
○ Imbalanced Data
○ Decision Trees
○ Bagging
○ Naive Bayes
○ SVM

● Module 13: Machine Learning 1.2 (Advanced Supervised Algorithm) – 5 Credits


○ SVM
○ Time Series Analysis
○ Supervised Learning Wrap-up

● Module 14: Machine Learning 2 (Unsupervised and Recommender Systems) – 5 Credits


○ Introduction to Clustering, k-Means
○ K-means ++, Hierarchical
○ GMM

2
You can pursue the Deep Learning specialisation after completing the Machine Learning specialisation
or vice versa
○ Anomaly/Outlier/Novelty Detection
○ PCA, t-SNE
○ Recommender Systems
○ Time Series Analysis

Deep Learning
● Module 15: Neural Networks – 5 Credits
○ Perceptrons
○ Neural Networks
○ Hidden Layers
○ Tensorflow
○ Keras
○ Forward and Back Propagation
○ Multilayer Perceptrons (MLP)
○ Callbacks
○ Tensorboard
○ Optimization
○ Hyperparameter tuning

● Module 16: Computer Vision – 5 Credits


○ Convolutional Neural Nets
○ Data Augmentation
○ Transfer Learning
○ CNN
○ CNN hyperparameters tuning & BackPropagation
○ CNN Visualization
○ Popular CNN Architecture - Alex, VGG, ResNet, Inception, EfficientNet,
MobileNet
○ Object Segmentation, Localisation, and Detection
○ Generative Models, GANs
○ Attention Models
○ Siamese Networks
○ Advanced CV

● Module 17: Natural Language Processing – 5 Credits


○ Text Processing and Representation
○ Tokenization, Stemming, Lemmatization
○ Vector space modelling, Cosine Similarity, Euclidean Distance
○ POS tagging, Dependency parsing
○ Topic Modeling, Language Modeling
○ Embeddings
○ Recurrent Neural Nets
○ Information Extraction
○ LSTM
○ Attention
○ Named Entity Recognition
○ Transformers
○ HuggingFace
○ BERT

Machine Learning Ops – 1 Month3

● Module 18: Machine Learning OPS - 5 credits


○ Streamlit
○ Flask
○ Containerisation, Docker
○ Experiment Tracking
○ MLFlow
○ CI/CD
○ GitHub Actions
○ ML System Design
○ AWS Sagemaker, AWS Data Wrangler, AWS Pipeline
○ Apache Spark
○ Spark MLlib

Advanced Data Structures and Algorithm (4 Months) 4


[Additional Optional Modules]

● Mathematics for Computer Science (One Month) – 5 Credits


● Algorithmic Problem Solving Paradigms (One Month) – 5 Credits
● Data Structures and Real World Applications (One Month) – 5 Credits
● Advanced Algorithmic Problem Solving Paradigms (One Month) – 5 Credits

3
After completion of this module Placement assistance for Data Scientist (ML/DS) roles via Mastery
based evaluation will start
4
The recorded lectures of Advanced Programming will be shared along with Teaching Assistant support .

You might also like