0% found this document useful (0 votes)
21 views6 pages

Fewshot-Fewshot (LO-Concepts)

Uploaded by

ghofranelmannai
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)
21 views6 pages

Fewshot-Fewshot (LO-Concepts)

Uploaded by

ghofranelmannai
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/ 6

58 removals 113 lines 71 additions 126 lines

1 Here’s a detailed syllabus for an


Artificial Intelligence (AI) course
focusing on the specified topics:
Introduction to AI, Supervised
Learning, Unsupervised Learning, Deep
Learning, and Natural Language
Processing (NLP). This syllabus is
designed for IT undergraduates and
includes objectives, weekly topics,
assignments, and assessments.
2

1 Course Title: Introduction to 3 Course Title: Introduction to


Artificial Intelligence Artificial Intelligence
2 Course Code: AI101 4 Course Code: AI101
3 Credits: 3 5 Credits: 3
4 Prerequisites: Basic programming 6 Prerequisites: Basic programming
knowledge (Python preferred) and data knowledge (Python preferred) and data
structures. structures.
5 Instructor: [Instructor Name] 7 Instructor: [Instructor Name]
6 Email: [Instructor Email] 8 Email: [Instructor Email]
7 Office Hours: [Office Hours] 9 Office Hours: [Office Hours]
8 10
9 Course Objectives 11 Course Objectives
10 By the end of this course, students 12 By the end of this course, students
will be able to: will be able to:

11 Explain the fundamental concepts of 13 Understand the fundamental concepts and


artificial intelligence and machine terminology of artificial intelligence.
learning.
12 Implement various machine learning 14 Implement and evaluate supervised and
algorithms using Python. unsupervised learning algorithms.
13 Analyze and evaluate AI solutions in 15 Apply deep learning techniques to solve
practical applications. complex problems.
14 Critically evaluate the ethical 16 Utilize natural language processing
implications of AI applications. methods for text analysis and
processing.

15 17
16 Course Outline 18 Course Outline
17 Week 1: Introduction to AI 19 Week 1: Introduction to AI
18 Topics: 20 Topics:
19 Definition and scope of AI 21 Definition and scope of AI
20 Historical context and evolution of AI 22 Historical context and evolution of AI

21 Overview of AI applications 23 Overview of AI applications in various


fields (healthcare, finance, robotics)
22 Assignment: Write a short essay on a 24 Assignment: Write a short essay on a
recent AI application and its impact. recent AI application and its societal
impact.

23 25

24 Week 2: Problem Solving and Search 26 Week 2: Supervised Learning


Algorithms

25 Topics: 27 Topics:

26 Problem formulation 28 Overview of supervised learning


27 Uninformed search strategies (BFS, DFS) 29 Types of supervised learning algorithms
(classification vs. regression)
28 Informed search strategies (A* 30 Evaluation metrics (accuracy,
algorithm) precision, recall, F1-score)
29 Assignment: Implement BFS and DFS 31 Assignment: Implement a simple
algorithms to solve a maze problem. supervised learning model (e.g., linear
regression or decision tree) using a
dataset of your choice.

30 32

31 Week 3: Knowledge Representation 33 Week 3: Advanced Supervised Learning


Techniques

32 Topics: 34 Topics:

33 Logic and inference (propositional and 35 Ensemble methods (bagging, boosting)


predicate logic)
34 Knowledge representation structures 36 Support Vector Machines (SVM)
(semantic networks, ontologies)
35 Assignment: Create a simple ontology 37 Model selection and hyperparameter
related to a chosen domain using tuning
Protégé.
38 Assignment: Compare the performance of
different supervised learning models on
a dataset and report findings.

36 39

37 Week 4: Introduction to Machine 40 Week 4: Unsupervised Learning


Learning

38 Topics: 41 Topics:

39 Types of learning (supervised, 42 Overview of unsupervised learning


unsupervised, reinforcement)
40 Overview of machine learning algorithms 43 Clustering techniques (k-means,
hierarchical clustering)
41 Assignment: Research and present a case 44 Dimensionality reduction techniques
study on a machine learning (PCA, t-SNE)
application.
45 Assignment: Apply k-means clustering to
a dataset and visualize the results.
42 46

43 Week 5: Supervised Learning Techniques 47 Week 5: Advanced Unsupervised Learning


Techniques

44 Topics: 48 Topics:

45 Training models and evaluation metrics 49 Anomaly detection methods


(accuracy, precision, recall)
46 Implementing linear regression and 50 Association rule learning (Apriori
decision trees algorithm)
47 Assignment: Train a classification 51 Introduction to generative models
model on a dataset and analyze its (GANs)
performance.
52 Assignment: Implement an anomaly
detection algorithm on a dataset and
evaluate its effectiveness.

48 53

49 Week 6: Unsupervised Learning 54 Week 6: Deep Learning


Techniques

50 Topics: 55 Topics:

51 Clustering algorithms (k-means, 56 Basics of neural networks


hierarchical) (architecture, activation functions)
52 Dimensionality reduction techniques 57 Training neural networks
(PCA) (backpropagation, gradient descent)
53 Assignment: Use k-means clustering on a 58 Overview of deep learning frameworks
dataset and visualize the results. (TensorFlow, Keras)
59 Assignment: Build and train a simple
neural network for image classification
using TensorFlow/Keras.

54 60

55 Week 7: Natural Language Processing 61 Week 7: Convolutional Neural Networks


(NLP) (CNNs)

56 Topics: 62 Topics:

57 Text processing techniques 63 Architecture of CNNs


(tokenization, stemming)
58 Applications of NLP (sentiment 64 Applications of CNNs in image
analysis, chatbots) processing
59 Assignment: Build a simple sentiment 65 Transfer learning and fine-tuning pre-
analysis tool using NLTK or spaCy. trained models
66 Assignment: Use a pre-trained CNN model
(e.g., VGG16, ResNet) to classify
images from a new dataset.

60 67

61 Week 8: Computer Vision 68 Week 8: Recurrent Neural Networks


(RNNs) and Natural Language Processing
62 Topics: 69 Topics:

63 Image processing fundamentals 70 Basics of RNNs and LSTMs


64 Object detection and recognition using 71 Applications of RNNs in sequence
CNNs prediction
65 Assignment: Perform basic image 72 Introduction to NLP and its importance
processing tasks using OpenCV.
73 Assignment: Implement a simple RNN
model for text classification.

66 74

67 Week 9: Neural Networks and Deep 75 Week 9: Natural Language Processing


Learning (NLP) Fundamentals

68 Topics: 76 Topics:

69 Structure and function of neural 77 Text preprocessing techniques


networks (tokenization, stemming, lemmatization)
70 Overview of CNNs and RNNs 78 Feature extraction methods (Bag of
Words, TF-IDF)
71 Assignment: Build and train a simple 79 Introduction to word embeddings
neural network for a classification (Word2Vec, GloVe)
task using TensorFlow/Keras.
80 Assignment: Build a text classification
model using NLP techniques on a dataset
of your choice.

72 81

73 Week 10: Reinforcement Learning 82 Week 10: Advanced NLP Techniques

74 Topics: 83 Topics:

75 Basics of reinforcement learning (MDPs, 84 Sequence-to-sequence models and


Q-learning) attention mechanisms
76 Applications in game playing and 85 Introduction to Transformers and BERT
robotics
77 Assignment: Implement a basic 86 Applications of NLP (chatbots,
reinforcement learning agent using sentiment analysis)
OpenAI Gym.
87 Assignment: Create a simple chatbot
using NLP techniques and present its
functionality.

78 88

79 Week 11: AI Ethics and Society 89 Week 11: AI Ethics and Societal Impact

80 Topics: 90 Topics:

81 Ethical considerations in AI (bias, 91 Ethical considerations in AI


fairness)
92 Bias in AI algorithms

82 The societal impact of AI technologies 93 The societal impact of AI technologies


83 Assignment: Write a reflective essay on 94 Assignment: Write a reflective essay on
the ethical implications of a chosen AI the ethical implications of a chosen AI
application. application.
84 95
85 Week 12: Final Project Presentations 96 Week 12: Final Project Presentations
86 Topics: 97 Topics:
87 Students present their AI projects 98 Students present their AI projects
88 Peer feedback and discussion 99 Peer feedback and discussion

89 Assignment: Prepare and present a final 100 Assignment: Prepare and present a final
project that applies AI concepts project that applies concepts learned
learned throughout the course. throughout the course, demonstrating
the use of AI techniques.

90 101
91 Assessment Methods 102 Assessment Methods
92 Participation: 10% 103 Participation: 10%

93 Assignments (Weekly): 40% 104 Assignments (Weekly): 50%

94 Midterm Exam: 20% 105 Midterm Exam: 20%

95 Final Project: 30% 106 Final Project: 20%

96 107
97 Required Texts 108 Required Texts
98 Russell, S. J., & Norvig, P. (2021). 109 Russell, S. J., & Norvig, P. (2021).
Artificial Intelligence: A Modern Artificial Intelligence: A Modern
Approach. 4th Edition. Pearson. Approach. 4th Edition. Pearson.

99 Goodfellow, I., Bengio, Y., & 110 Chollet, F. (2018). Deep Learning with
Courville, A. (2016). Deep Learning. Python. Manning Publications.
MIT Press.

100 111
101 Software and Tools 112 Software and Tools
102 Programming Language: Python 113 Programming Language: Python

103 Libraries: NumPy, pandas, scikit-learn, 114 Libraries: NumPy, pandas, scikit-learn,
TensorFlow, Keras, OpenCV, NLTK, spaCy TensorFlow, Keras, NLTK, spaCy

104 Development Environment: Jupyter 115 Development Environment: Jupyter


Notebook or any preferred IDE (PyCharm, Notebook or any preferred IDE (PyCharm,
VS Code) VS Code)
105 116
106 Course Policies 117 Course Policies
107 Attendance: Regular attendance is 118 Attendance: Regular attendance is
expected and will impact your expected and will impact your
participation grade. participation grade.
108 Late Work: Assignments submitted late 119 Late Work: Assignments submitted late
will incur a penalty unless prior will incur a penalty unless prior
arrangements have been made. arrangements have been made.
109 Academic Integrity: Students are 120 Academic Integrity: Students are
expected to uphold academic integrity. expected to uphold academic integrity.
Any form of cheating or plagiarism will Any form of cheating or plagiarism will
result in disciplinary action. result in disciplinary action.
110 121
111 Contact Information 122 Contact Information
112 For any questions or concerns regarding 123 For any questions or concerns regarding
the course, please reach out via email the course, please reach out via email
or during office hours. or during office hours.
113 124

125 This syllabus provides a comprehensive


framework for teaching an AI course
with a focus on the specified topics.
Feel free to adjust any sections to fit
your specific needs or institutional
guidelines!
126

You might also like