0% found this document useful (0 votes)
15 views13 pages

AI and ML Curriculum.pdf (2)

The document outlines a comprehensive syllabus for a course on Artificial Intelligence and Machine Learning, covering various topics such as machine learning techniques, neural networks, computer vision, speech analytics, and natural language processing. It emphasizes the importance of AI in modern business and includes prerequisites, course duration, and learning outcomes. Additionally, it offers value-added courses in Python and ChatGPT, along with insights into MLOps and generative AI applications.

Uploaded by

ravi naidu
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)
15 views13 pages

AI and ML Curriculum.pdf (2)

The document outlines a comprehensive syllabus for a course on Artificial Intelligence and Machine Learning, covering various topics such as machine learning techniques, neural networks, computer vision, speech analytics, and natural language processing. It emphasizes the importance of AI in modern business and includes prerequisites, course duration, and learning outcomes. Additionally, it offers value-added courses in Python and ChatGPT, along with insights into MLOps and generative AI applications.

Uploaded by

ravi naidu
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/ 13

AI & ML

COURSE
SYLLABUS
EduCADD | THINKWorks

Course Summary

Artificial Intelligence is growing rapidly and needs highly trained individuals to train machines to become
intelligent and help humanity solve day-to-day challenges with ease. Most businesses today are looking at AI
solutions to decrease the amount spent on repetitive and menial tasks. Individuals are utilizing AI to speed up
their work and get extra creative. Oh, what a time to be in the field of Artificial Intelligence!!

Outcome:
The main learning objectives of the course are to: Identify problems where artificial intelligence techniques are
applicable. Apply selected basic AI techniques; judge the applicability of more advanced techniques.
Participate in the design of systems that act intelligently and learn from experience.

Prerequisites:
Programming Knowledge.
Calculus, Linear Algebra, and Statistics

Course Name: Artificial Intelligence and Machine Learning

Duration: 150 hrs


EduCADD | THINKWorks

Curriculum 150hrs Machine Learning &


Ensemble Methods

Artificial Intelligence K-Means & Hierarchical Clustering


Linear Regression
Logistic Regression
Machine Learning and AI Train, Test & Validation Distribution
Gradient Descent
Introduction Decision Tree & KNN
Random Forest | Bagging & Boosting
ML and AI introduction Applications of
ML and AI

Intro to Neural Network &


Programming Deep Learning
Python
Introduction
Basic Programming
NLP Libraries - Spacy & Gensim Intro

OpenCV & Tensorflow, Keras Deep Learning Importance


[Strength & Limiltation]
SP | MLP
Math Foundation
Basic Statistics
Feed Forward &
Sampling & Sampling Statistics
Backward Propagation
Inferential Stats: Hypothesis Testing
Neural Network Overview
Calculus Neural Network Representation Activation
Function
Derivatives Loss Function
Optimization Importance of Non-linear
Activation Function
Linear Algebra Gradient Descent for Neural Network

Function Scalar-Vector-Matrix
Vector Operation

Probability

Space
EduCADD | THINKWorks

Parameter & Hyperparameter

Practical Aspect Optimization

Train, Test & Validation Set Bias Correction

Vanishing & Exploding RMS Prop

Gradient Dropout Adam, Ada, AdaBoost

Regularization Learning Rate


Tuning
Softmax

Computer Vision
Image preprocessing

Intro duction to Computer Vision, Image, Image


transformation, filters, noise removal, edge detection,
non-max suppression, hysteresis

Advanced CNN concepts -1

Object detection concepts, Bounding box, object


detection models, landmark detection, RCNN, fast
RCNN, faster RCNN, mask RCNN, YOLO pre-trained
models, transfer learning, segmentation concepts

Advanced CNN concepts -2

Advanced CNN models applications, face detection


and recognition, different techniques in face
recognition, style transfer
EduCADD | THINKWorks

Speech Analytics

Speech Processing
Introduction, Automated Speech Recognition (ASR)

Speech Synthesis
Text-to-speech conversion, Voice Assistant devices, building Alexa skills

Generative

Autoencoders & Decoders


Basics of autoencoders, different types of autoencoders, applications with examples,
variational autoencoders, intro to Gen AI

Generative Adversarial Networks (GANs)


GAN basics and foundations, upsampling, GAN models, evaluate GAN Models, inception
score, Fréchet Inception Distance, GAN loss functions

GAN's different types


Conditional GAN, Info GAN, Auxillary GAN, etc, applications

GAN use cases


Image translation applications, cycle GAN concepts and implementations

Reinforcement Learning

Reinforcement Learning
Intro to RL, Q learning, Exploration,
Exploitation

Reinforcement learning applications


Work with deep RL libraries, OpenAI gym library, Policy Gradient Concepts, Actor-critic
methods, Proximal Policy Optimization (PPO) and related concepts
EduCADD | THINKWorks

RNN and LSTM


Forecasting deep learning
ARIMA, Deep learning models for forecasting (RNN, LSTM, Transformer applications)

Neural Language Processing

Basic NLP concepts & models

Introduction to Text Mining, VSM, Word Embedding Applications, RNN, GRU, LSTM models, Intro
to Transformers, Attention (Elmo, BERT, T5)

Text Mining & NLP applications, Web Scraping


Word clouds and Document similarity using cosine similarity, Named Entity Recognition,
machine translation using hugging face libraries, Emotion Mining using different libraries,
web scraping

Naive Bayes
Text classification using Naive Bayes, Frequentists vs Bayesian, Apriori, posterior distributions
Bayesian estimators: posterior mean, posterior median

Advanced NLP models, Generative AI using LLM's


Intro to Transformers & Attention (Single Head, Multi Head), pre-trained models
(GPT, BERT, BART, T5) models with applications, examples using python

Intro to Different types of Transformer encoder models- Basic BERT, RoBERTa, DistilBERT, etc.

Intro to Different types of Transformer decoder models- GPT, GPT2, other variants ofGPT, etc., GPT
progress, calling OPENAI APIs, LLM playgrounds
Intro to Different types of Transformer sequence to sequence models- BART, T5
EduCADD | THINKWorks

Value-Add Courses

Python

Introduction

Python Introduction - Programming Cycle of


Python
Python IDE and Jupyter Notebook

Variables

Variables
Data type

Code Practice Platform

Create, Insert, Update and delete operations,


Handling errors

Operators

Operator - Arithmetic, comparison, Assignment, Logical, Bitwise operator


Decision making - Loops

Loops

While loop, for loop and nested loop


Number type conversion - int(), long(), Float()
Mathematical functions, Random functions, Trigonometric functions

String

Strings - Escape char, String Special Operator, String Formatting Operator Build
in string methods - center(), count(), decode(), encode()

List
Python List - Accessing values in list, Delete list elements, Indexing slicing & Matrices Built-in
Function - cmp(), len(), min(), max(), list comprehension
EduCADD | THINKWorks

Tuples

Tuples - Accessing values in Tuples, Delete Tuples elements, Indexing slicing & Matrices Built-in tuples
functions - cmp(), len()

Dictionary

Dictionary - Accessing values from Dictionary, Deleting and Updating elements in Dictionary Properties
of Dictionary, Built-in Dictionary functions & Methods, Dictionary comprehension Date & Time - Time
Tuple, calendar module and time module

Function

Function - Define function, Calling function


pass by reference as value, Function arguments, Anonymous functions, return statements Scope of
variables - Local & Global, Decorators and Recursion
Map reduce and filter

Modules

Import statements, Locating modules - current directory, Pythonpath


Dir function, global & location functions & reload functions, Sys module & subprocess module
Packages in Python

Files

Files in Python- Reading keyboard input, input function


Opening and closing files. Syntax and list of modes
Files object attribute - open, close. Reading and Writing files, File Position. Renaming and Deleting files
Pickle and Json

Directories

mkdir method, chdir method, getcwd method, rm dir


EduCADD | THINKWorks

Exception Handling

Exception handling - List of exceptions - Try and exception Try - finally clause and user-defined
exceptions

OOP

OOP concepts, class, objects, Inheritance


Overriding methods like _init_, Overloading operators, Data hiding

Regular Expressions

Match Function, Search Function, Matching vs Searching


Regular Expressions modifiers and patterns

SQLite and My SQL

Database connectivity
Methods - MySQL, Oracle, How to install MySQL, DB connection Create, insert, update and delete
operation, Handling errors

Framework

Introduction to Django framework, overview, environment Apps life cycle, creating views
Application, Rest API
EduCADD | THINKWorks

ChatGPT

Introduction to ChatGPT and AI

What is ChatGPT?
The history of ChatGPT
Applications of ChatGPT
ChatGPT vs other chatbot platforms
Industries using ChatGPT
The benefits and limitations of ChatGPT
Future developments in ChatGPT technology
Ethical considerations related to ChatGPT and AI

Types of AI and Chatgpt architecture


Narrow AI

Strong AI
Superintelligence
Chatgpt
architecture

ChatGPT Functionalities and Applications

How does ChatGPT work?


ChatGPT Functionalities
Drafting emails and professional communication
Automating content creation
Resume and Cover letter creation
Research and information gathering
Brainstorming ideas and creative problem-solving
Best Practices for Using ChatGPT

ChatGPT Prompt Engineering

What is Prompt Engineering?


Types of Prompts
Crafting Effective Prompts
Using ChatGPT to generate prompt
EduCADD | THINKWorks

Prompt engineering

Foundations of Generative AI

• Understanding AI: Descriptive vs Generative AI


• Introduction to Natural Language Processing
• Understanding Large Language Models (LLMs)
• Introduction to GPT & Chat GPT

Introduction to Prompt Engineering

• The Fundamentals of Prompt Engineering


• Content Generation with Prompts
• Tokens and Parameters in AI

Advanced Prompt Techniques

• Zero-Shot to Few-Shot Learning


• Fine-Tuning AI Model Parameters
• Hallucinations and Bias in AI
• Advanced Prompt Engineering Techniques
• Refining and Optimizing Prompts

Evaluating and Testing Prompts

• Metrics for Evaluating Prompts


• Human Evaluation of Prompts
• Testing Prompts on Different Models and Tasks
EduCADD | THINKWorks

Generative AI

Understand the working of LLMs

LLM, Use Cases, Text Generation, Chatbot Creation, Foundations of Generative Models & LLM,
Generative Adversarial Networks (GANs), Autoencoders in Generative AI, Significance of
Transformers in AI, Attention is All You Need" - Transformer Architecture, Reinforcement Learning,
RLHF

Real-World Applications and Case Studies

Real-world applications and case studies of LLMs

Fine-tuning and Evaluating LLMs

Instruction fine-tuning, Fine-tuning on a single task, Multi-task instruction fine-tuning, Model


evaluation, Benchmarks, Parameter efficient fine-tuning (PEFT), PEFT techniques 1 : LoRA, PEFT
techniques 2: Soft prompts, Lab 2 walkthrough

Evaluation Matrix

Rouge1, BLEU, Meteor, CIDEr

MLOps

Intro to MLOps Execution

What is MLOps
Stacks & components
Different stages in MLOps
Orchestrators
ML project lifecycle
Artifact stores
Job Roles in MLOps

Design and Development Management

What is Development stage of an ML workflow ML Server


Pipelines and steps Infrastructure Server
Artifacts Development
Materializers Metadata tracking
Parameters & Settings Collaborations
Dashboard
EduCADD | THINKWorks

You will gain knowledge of the fundamental ideas


and abilities required to launch, develop, and run a
prosperous firm.

ENSURE YOUR CAREER GROWTH


TODAY!!

*Guaranteed Placement Assistance

Ab Job Pakki!!
Kickstart your career
www.thinkworks.co.in

You might also like