AI Fellowship Nepal
AI Fellowship Nepal
ai
Program Outcomes
Participants will garner data science and ML skills with hands-on experience in
real world problem
Participants will develop a solid understanding of Artificial Intelligence,
Machine Learning, and Deep Learning algorithms with an understanding of
underlying math and programming practice
Select and implement appropriate algorithms, libraries, frameworks, and
techniques for different problem
Run experiments to assess the performance, evaluate and compare different
models to design and deploy an end-to-end pipeline
Course Schedule
+
Lectures: 4 Hours/Wee
There will be an eligibility test to check if students have enough foundation skills to
Aptitude test
;
Programming solve problems with Python programming using appropriate data structures and
algorithm
Applied Maths: use Linear Algebra, Calculus, Probability, and Statistics to solve problem
Computer Science topics: DSA, Algorithms, Database and Basics of AI & Machine Learnin
Behavioral Questions
Program Features
Course Video
Reading Material
Programming Notebook
Practice Quizze
Proctored exam
Group Project
Kaggle Competitions
Certificate of Completion
Complete and submit form Sign into our LMS platform Shortlisted candidates are Enroll and onboard
interviewed
Receive confirmation email Take one hour aptitude test Start your AI fellowship
Final selection journey!
Note:
Week 1
Introduction to AI/ML and Data Science
Show and understanding of artificial intelligence, machine learning, and deep learning and
other relevant terminologie
Describe different categories of AI, the types of machine learning and their application
Represent problem into appropriate states data structure to be solved with appropriate
Search Agents (Blind, Heuristics, Local or Adversarial Search
Write a search agent algorithm to solve search problems
Assignment
Week 2
Data Wrangling
Assignment
Week 3
Regression & Classification Models
Week 4
Training ML Models
Assignment
Build a model that can predict multiple genres of a movie based on its plot summary or
other relevant features
Syllabus
Week 5
Clustering
Examine the effect of centroid initialization in convergence and describe the various
initialization methods in K-means clusterin
Explain and implement DIANA algorithm (Agglomerative, BRICH
Explain density-based clustering and Exemplify terminologies such as ϵ-neighborhood,
density, core points, boundary points, outliers, density reachability, and connectivit
Explain the statistical cluster validation methods
Assignment
Week 6
Ensemble Methods
Decompose errors into bias, variance, and noise, and identify their causes in a model's poor
performanc
Explain ensemble methods and understand why they work, emphasizing the importance of
diversity and accuracy within ensemblin
Explain bagging and bootstrapping, understand why averaging reduces variance, and list the
advantages of baggin
Understand random forest and differentiate it from bagging, listing the steps involved in
creating a random forest
Distinguish boosting from bagging, explain boosting as a sequential weighted averaging
technique, and discuss its working with an algorithm
Understand the working of and use XGBoost, CatBoost and LightGBM
Assignment
Week 7
Neural Networks
Describe the basics of neural networks and correlate it with biological neurons (this may also
be redundant because of deep learning content
Examine and recognize the problems where the use of Neural network is appropriat
Explain how Perceptron Learning Algorithm helps to learn the parameter for the perceptro
Implement forward and backward propagation for neural networks from scratch as well as
using deep learning libraries such as tensorflow / Pytorc
Explain why multi-layer perceptron are universal approximator
Assignment
Week 8
Image Processing, Feature Detection & Matching
Understand the principles of image formation, camera geometry, and digital camera
component
Apply projective transformations, perspective transformations, and multi-view geometry
concepts to perform translation, scaling, rotation, and projections in both 2D and 3D spaces
Perform various image processing operations, including pixel transformations, histogram
analysis, noise removal, filtering, sharpening, deblurring, resizing, and morpholog
Used algorithms and filters for edge detection, feature detection and matching techniques,
including corner detection using the Harris Corner Detector and scale-invariant feature
detection using SIFT
Assignment
Edge detection: Implement algorithms like Canny edge detection or Sobel operator to
detect edges in images
Image segmentation using clustering: Apply clustering techniques like K-means or Mean
Shift to segment images into different regions or objects
Syllabus
Week 9
CNN & Transfer Learning
Visualize the convolution operation in a CNN and point out the distinguishing features of a
CNN in comparison with an AN
Explain the architecture and working principles of CNNs, including convolutional layers,
pooling layers, and fully connected layer
Explain different CNN seminal architecture (VGG, ResNet, InceptionNet) and analyze their
importanc
Identify, select and fine-tune appropriate pre-trained CNN models for different image analysis
task
Application of CNN in Computer vision
Assignment
Image classification with pre-trained models: Fine-tune a pre-trained CNN model like
VGG or ResNet on a new dataset for a specific classification tas
Object detection: Use a pre-trained CNN model like YOLO or SSD to detect and localize
objects in images or videos
Week 10
Deploying ML models
Build a machine learning pipeline: Create an end-to-end pipeline that includes data ingestion,
preprocessing, model training, and deployment in a production environmen
Implement a RESTful API using a web framework and Handle incoming requests and route
them appropriatel
Determine whether the API should be public or private and Implement authentication and
authorization mechanisms
Document API endpoints and functionality Consider rate limiting and other usage control
measure
Select appropriate Deployment Strategies for a given use case: Recreate, Shadow, Canary,
Blue/Green
Assignment
Deploy a Machine Learning model engine with REST API or using streamlit
Syllabus
Week 11
Object Detection and Segmentation
Assignment
Week 12
Recurrent Neural Networks and Transformers
Understand the fundamentals of RNN, including the structure of recurrent units, the
computational graph, and backpropagation in RNNs
Gain knowledge of seminal architectures such as Long Short-Term Memory Networks (LSTMs)
and Gated-Recurrent Units (GRUs
Understand the concept of attention in neural networks, including the motivation behind
using attention mechanisms to address the limitations of sequence-to-sequence
architecture
Learn the different types of attention and Explain transformers, and analyze how it surpasses
architecture like LSTM and GRU
Assignment
Week 13
Natural Language Processing
Understand the relationship between language and knowledge, delve into morphology and
tagging, syntax and parsing, and explore lexical semantics using resources like WordNe
Clean, transform and preprocess text dat
Describe the tf-idf model and implement it using sk-lear
Describe Naive Bayes Classifier in the context of text classificatio
Analyze the problems with using RNN for the long sentence
State the difference between using RNN and CNN for the same NLP task
Assignment
Week 14
Language Models & LLMs
Explain Markov Models, Markov Assumptions and find out when to use Markov Model
Discuss n-gram models and apply MLE to estimate n-gram probabilities and discuss
generalization issues in n-gram
Evaluate language models using perplexit
Understand how neural networks are used in language modeling in contrast to n-gram
language modelin
Appraise the semantic property of word embeddings: analogy reasoning with a classic
example of king-man+woman=quee
Understand Large Language Models & pre-training LLM
Understand the current issues and limitations with LLMS: Hallucinations, inconsistency,
model drift, size and training tim
Use Prompt Engineering for in context learning at inference tim
Decide on pre-trained model or pre- training and fine-tuning a custom model for specific use
cases
Assignment
Transfer learning of LLM for text Summarization, Open Domain Chatbot etc
Syllabus
Week 15
Deep Unsupervised Learning (Part 1)
Assignment
Week 16
Deep Unsupervised Learning (Part 2)
Assignment
Week 17
Foundational Models and Generative AI
Week 18
Reinforcement Learning
Discuss the Importance of RL and the type of problem to be solved using Reinforcement
Learnin
Understand the k-armed bandit problem, the Markov property, Policy Iteration and Value
Iteration for solving MD
Solve the Bellman equations for small MRPs to determine the values of stat
Solve the Bellman equations for small MDP
Formulate various prediction and control algorithms of monte carl
Explain the Q-Learning algorith
Explain the Expected Sarsa and It's relationship between Sarsa and Q-Learning
Assignment
Week 19
Reinforcement Learning (continued)
Distinguish continuous problems methods from tabular methods, explain various methods
such as coarse coding, tile codin
Understand the Monte Carlo Methods, Model-free, and how Temporal Difference (TD)
combines Monte Carlo (MC) method and Dynamic Programming (DP
Understand DQN architecture, Double DQN, Dueling DQN, different policy gradient
algorithms, PPO along with advantages and pitfall
Understand the working of the Actor-Critic, and the problem with continuous action space,
and explain how DDPG solves i
Gym ecosystem and RLib
Assignment
Week 20
ML as a Services
Assignment
Week 21
MLOps
Assignment
Week 22
Project Work
Week 24
Project Presentation
Kickstart your
AI career today!
Course duration-6 months
Full Scholarship
Job Placement Opportunities
AI Certification