Open navigation menu
Close suggestions
Search
Search
en
Change Language
Upload
Sign in
Sign in
Download free for days
0 ratings
0% found this document useful (0 votes)
42 views
10 pages
ARTI
Uploaded by
nibedita_santra7973
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content,
claim it here
.
Available Formats
Download as PDF or read online on Scribd
Download
Save
Save ARTI For Later
0%
0% found this document useful, undefined
0%
, undefined
Embed
Share
Print
Report
0 ratings
0% found this document useful (0 votes)
42 views
10 pages
ARTI
Uploaded by
nibedita_santra7973
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content,
claim it here
.
Available Formats
Download as PDF or read online on Scribd
Carousel Previous
Carousel Next
Download
Save
Save ARTI For Later
0%
0% found this document useful, undefined
0%
, undefined
Embed
Share
Print
Report
Download now
Download
You are on page 1
/ 10
Search
Fullscreen
Artificial Intelligence Class XI Full Marks - 100 Theory -70 Practical - 30 . Computer Fundamentals [ 15 Marks ] ry of computer, Basic Computer hardware, input and output devices, Basic computer architecture, input output devices, memory and CPU, networking of machines (overview of LAN, MAN, WAN, Internet, Wifi ete), types of computer (workstation, desktop, Smartphone, embedded system, etc.), Overview of Software (system software and application software with examples (mention names only)), Definition of Operating System and functions (mention names of some popular operating systems like Windows, Linux, Android, etc) Bit, Byte and Word, Number System (Base, Binary, Decimal, Octal, Hexadecimal), Conversion of, ‘number systems, Boolean logic (Boolean Gates ), Boolean operators (OR, AND and NOT), ‘ASCII code, Concept of Algorithm and Flowchart, Ie Basics of Computer Programming (three levels: high level language, assembly language, machine language, definition and block diagrams), Overview of Compiler and Interpreter (definition and mention name of major compiled (e.g. C, C++) and interpreted languages (¢.g., Python)), Overview of procedural and object oriented programming (key features and just the basic differences, mention names of some popular procedural (e.g, BASIC, FORTRAN, C) and object oriented programming languages (c.g., C++, Java, Python). Introduction to Python Programming { 15 Marks ] 2 Basics of Python programming (with a simple ‘hello world’ program, process of writing a program, running it, and print statement), Concept of class and object, Data-types (integer, float, string), notion ofa variable, Operators (assignment, logical, arithmetic etc.) accepting input from console, conditional statements (If else and Nested If else), Collections (List, Tuple, Sets and Dictionary), Loops (For Loop, While Loop & Nested Loops), iterator, String and fundamental string operations (compare, concatenation, sub string etc), Function, recursion. 2» Overview of linear and nonlinear data structure (definition, schematic view and difference), array (ID, 2D and its relation with matrix, basic operations: access clements using index, insert, delete, search), stack (concept of LIFO, basic operations: Push, Pop, peek, size), queue (concept of FIFO, basic operations: Enqueue, Dequeue, peek, size), use (of List methods in python for basic operations on array, stack and queue, overview of ‘NumPy library and basic array operations (arrange(, shape(), ndim(), dtype() ete), binary ‘ree (definition and schematic view only) Linear search and binary search algorithm, sorting algorithm ( bubble sort only)Foundation for Al [ 8 Marks ] 3a History of AI: Alan Turing and cracking enigma, mark 1 machines, 1956-the birth ofthe term Al, ‘Al winter of 70's, expert systems of 1980s, skipped joumey of present day AI. Distinction ‘between terms AT, Pattem recognition and Machine Learning ‘Note: should be taught as a story more than flow of information World war 2, Enigma and Alan Turing, the birth of modem computers 30 Introduction to linear algebra and statistics for AL '* Basic matrix operations like matrix addition, subtraction, multiplication, transpose of matrix, identity matrix ‘A brief introduction to vectors, unit vector, normal vector, Euclidean space Probability distribution, frequency, mean, median and mode, variance and standard deviation, Gaussian distribution ‘© Distance function, Euclidean norm, distance between two points in 2D and 3D and ‘extension of idea to n dimensions Search As Optimization (basic principles and example based understanding) [15 Marks] 4a ‘Search as optimization: how to search forte best answer to a question? playing tic-tte-ioe + State Space Search, different states as different solutions of a problem + Mathematical equation for optimizing a result, example tie-1ac-toe, the states ofthe board and equation to calculate score of the board with respect to a player + Expanding possible states fom a state and choosing the best state Uninformed search 1) Breadth first search b) Depth frst search Informed search a) Heuristic search strategy with tic tac toe example )_ Greedy best-first search ©) A* search = basic idea only( without proof) )_ Hill climbing (only basic idea witha small example) ©) Simulated Annealing (No algorithm, Only basic idea) 10 ry Evolution and Darwin's theory, inspiration of evolutionary algorithms, crossover and mutation, Russian roulette for random selection, optimization using genetic algorithm, one use of GA (to be chosen) practical: mention libraries and problem. ‘© Natural evolution theory, survival of te fitest Expressing a solution vector as gene, example of binary strings Crossover and mutation, its equivalent over binary strings ‘Random selection of genes fom pool and random mutation Fitness function Practical example by finding the root ofa univariate equation5. Knowledge representation and reasoning [ 10 Marks ] 5 Logic in computer science, propositional logic, logic as expressions, truth table, conjunction, 10 disjunction, syllogism, tautology, de morgan’ theorem. Use of logic to drive conclusions with practical examples [NO LAB COMPONENT] + Statements as logical propositions * Atomic and compound propositions ‘© Negation, conjunction and disjunction as NOT, AND and OR ‘+ Implication and Biconditional statements ‘© Truth table asa way of proving propositions ‘© Commutatvity and associativity and distributive rules ‘© De Morgan's thoorem ‘© Practical examples to infer meanings from statements © Simple concept of Unification ( without details of MGU) + Simple concept of clause © Basic concept of Inference © Example of Answer Extraction system © A brief introduction to fuzzy logic 6. Uncertainty management [ 5 Marks ] 6 | Handling Uncertain Knowledge 5 ‘Uncertainty and Rational dec Probabilistic Reasoning, Bayes Rule Conditional probability Probabilistic inference using Bayes rule 8. General method{ Simple cases) Combining evidence 1. Preliminary concepts of Chatbots [2 marks] ‘= What is Chatbot? 2 ‘© Examples of different Chatbots ‘+The flowchart describing basic working principle of Chatbots.Practical 1, Computer Fundamentals [ No marks ] ‘© Visit to Computer Lab and familiarization with computers and peripherals and different networking devices (e.g., modem, switch, route). ‘© Opening of the CPU box/cabinet and identification of different parts (c.g., Motherboard, CPU/Processor, RAM, Hard Disk, power supply). Introduction to Python Programming [15 Marks } ‘¢ Introduction to installation and running of python codes with hello world and simple accessing user inputs from console examples. ‘© Menu driven arithmetic calculator ‘¢ Simple logical and mathematical programs (e-., printing patterns, Conversion of binary ‘to decimal and vice versa, computing GCD of two numbers, Finding prime numbers, Generating Fibonacei sequence, Computing factorial iterative and recursive tc.) Finding max, min, avg, sum, length ofa list Use of basic string methods like upper(), lower(), count(), find), joind, replaced), spit) tc. » © Use of Python List methods for Stack and Queue implementation, for examples, ‘append( and pop() ¢ Use of NumPy array methods: arrange(, shape(), ndimO, size, addO, subtract(), multiply), divide), mat() ete @ Use of NumPy matrix multiplication methods: do(), matmul(), multiply( etc. 20 ‘© Linear search and binary search in an array (©) Bubble sort in an array . Foundation for AI [ 3 Marks ] © Generation of random numbers in python following a Gaussian distribution and filling up random arays {© Introduction to matplotib to plot arrays as histograms ‘Computation of mean, median and mode © Plotting Gaussian distribution with a given mean and standard deviation4, Search as Optimization (basic principles and example based understanding) [12 Marks ] 4 Implementing 8-puzze problem using DFS and BFS Use of class to denote state of a problem, example board state otic tac toe [Expansion of possible tates from a given stale with all possible moves Score function of each state and selection of highest score oF least costa each level, Le. making ame tee 40 | © Useofe class with an aay and finess score to define a solution ofa problem, example root finding of ‘linear equation with the solution stored in binary. Basie geneti algorithm ‘© Binary crosover and mutation, selection using CDF of random distribution, ie Russian Roulette Artificial Intelligence Class XII Full Marks - 100 Theory -70 Practical - 30 1. Foundation of Statistics for Machine Learning [ 5 Marks ] cocicint, basic concepts hi square distance, Bayes theorem and Bayesian prob "Realm dimensionl space (Rx) and vector Algebra ot product of two vectors, vector projections ‘© Product moment correlation coefficient (Pearson's coefficient) its use in determining relation between two set of data + Ghi square and, ue in finding distance between wo distributions 2 Contitioal probabity and Bayes theorem conditional independence2, Introduction to Machine Learning [ 15 marks } Py ‘What is machine leaming? Difference between traditional programming and Machine Learning Relation of Machine Learning with AI Applications of machine learning ‘Why should machines have to learn? Why not design machines to perform as desired in the first place? ‘Types of Machine Learning (Supervised, Unsupervised, Semi-supervised and reinforcement learning) Linear Regression with one variable Hypothesis representation, hypothesis space Learming requires bias Concept of taining examples Concept of Loss function , Mean Squared Error(MSE) ‘Training methods: Iterative trial-and-error process that machine learning algorithms may use to train a model, Disadvantages of iterative training method, gradient descent algorithm. Effect of leaming rate on reducing loss Importance of feature scaling (min-max normalization). 10 2 ‘What is feature or atribute? Some examples ‘Types of features( continuous, categorical) Representation of training examples with multiple features Linear Regression with multiple auributes (Multiple Features) Feature cross and Polynomial Regression3. Supervised Learning [ 25 Marks } Difference between regression and classification. ‘+ Examples of some real world classification problems, ‘© Linear classification and threshold classifier, Concept of misclassification error, accuracy. © Concept of input space and linear separator Drawback of threshold classifier ‘© Use of logistic function in defining hypothesis function for logistic regression model, ‘+ Probabilistic interpretation of output ofthe logistic regression model © Use of logistic regression model in binary classification task. ‘© Multi-class classification using One vs. all strategy. + Instance based learning, K-nearest neighbour classifier, curse of dimensionality Probabilistic classifice: Basies of Bayesian Learning, Conditional independence, Naive Bayes classifier. Applications of ‘Naive Bayes Classifier to sentiment classification task, add-one smoothing. Decision tree Leaming: Concept of entropy for measuring purty (impurity) of a collection of training examples. ‘and information gain as a measure ofthe effectiveness of an attribute in classifying the ‘raining data (jut basics and equation) . > Inducing decision tree from the training data using the ID3 algorithm an illustrative example showing how the ID3 algorithm works. > Concept of overfiting, reduced error pruning, > Discretizing continuous-valued Attributes using information guin-based method (binary split only) “Measuring Classifier performance: confusion matrix, true positive, true negative, false positive, error, accuracy, precision, recall, F-measure, sensitivity and specificity, K-fold 4. Unsupervised Learning [ 5 Marks ] ‘What is unsupervised learning? Difference between supervised and unsupervised learning. ‘What is clustering? ‘Why is clustering an unsupervised learning technique? Some examples of real world application of clustering, Difference between clustering and classification K-means clustering algorithm. Simple use cases5. Artificial Neural Network [ 17 Marks ] 5a Biological motivation for Artificial Neural Networks{ANN) ‘A simple mathematical model of a neuron (MeCulloch and Pitt(1943)) ‘Concept of activation function: threshold function and Sigmotd function, Perceptron a a linea classifier, perceptron traning rule Representations of AND and OR functions of two inputs using threshold perceptron. Equation ofa linear separator in the input space, Representational power of percepirons Training wnhresholded perceptron using Delia rule, Need for hidden layers , XOR example, Why we need non-linearity? Network strictures: feed forward networks and recurrent networks (basic concept only) Training mutiplayer feed-forward neural networks using Backpropagation algorithm (Concepts only and no derivation). Generalization, overfiting, and stopping criterion, overcoming the overfting problem using 1 st of validation daa ‘An Illustrative example of an ANN architecture for hand written digit recognition (Only input representation, output representation and a block diagram of the network) "Need for automatic feature eaming, difference between the conventional feed-forward neural networks and CNN, role of convolution layer in CNN, An example of 2D convolution, function of pooling layer ‘A block diagram illustrating CNN applied to handuiten digit recognition task 7 6. Ethics in AI [3 Marks] Brief discussion on important ethical issues in AI Practical 1. Foundation of Statistics for Machine Learning [ 2 Marks ] Calculating Euclidean distance between two vectors using a python program without using any library. Consider a table of data about » persons with two attibutes-age and income and find Pearson correlation coefficient using a python program. Do not use any ready -Io-use library fnetion that directly accepts the data table and produces the output, 2. Introduction to Machine Learning [ 6 Marks ] 2 Inroduetion wo python libraries like scipy and statsmode! to various basic codes Revisit matrix operations using scipy (basic matrix operations of addition, subtraction, multiplication, transpose) Using Scipy for advanced matrix operations - inverse» ‘© Generation of random (x, y) pairs where y = f(x) + d (d varies from -r to +r, a random value ), f being a linear function Linear regression or line fitting. of the data Optimizing the function using gradient descent ‘+ Plotting the steps using matploti 3. Supervised Learning [ 13 Marks } 3a ‘© Building linear regression-based threshold classifier and testing the ‘model on Diabetes Data set downloadable from UCI Machine Learning. Repository ‘© Building Logistic regression model for binary classification of Diabetes Data. Vary learning rate and verify the impact of learning rate on ‘lassification performance. ‘+ Introduction to the IRIS dataset, building a logistic regression for multiclass classification and testing the model on the IRIS dataset downloadable from UCI Machine Learning Repository ‘© Building K-nearest neighbor classifier and testing on the IRIS dataset downloadable from UCI Machine Learning Repository (Use Scikit-leamn open source data analysis library for implementing the models) » ‘+ Building a naive Bayes classifier for sentiment analysis (Use Scikt-learn open source data analysis library) 3e = Loading esv file based datasets using file read operation in python Introduction to pandas library and loading csv and json files, I © Using Scikit-learn library to develop decision tree.classifier in python. 4. Unsupervised Learning [ 3 Marks ] 4] © Using Scikit-tearn library to use the K-means algorithm for clustering IRIS data and its visualization5. Artificial Neural Network [ 6 Marks ] ‘© Using MLP from Scikit lear library, develop a handwritten digit recognition model using | 6 MLP and MNIST dataset ¢ Using CNN from Keras library, develop a handwritten digit recognition model using CNN and MNIST dataset ‘© Compare the performance of the MLP-based model and the CNN-based model for the handwritten digit recognition task Text Books: 1. Fundamentals of Computers, E Balagurusamy, McGraw Hill, 2008 2. Artificial Intelligence: A Modem Approach, Stuart Russell, Peter Norvig, Pearson Education 3. Principles of Artificial Intelligence, Nils J. Nilsson, Springer Berlin, Heidelberg 4, Machine Learning by Peter Flach, Cambridge University Press ‘5. Machine Learning, Tom Mitchell, McGraw Hill, 1997 6. Introduction to Machine Learning with Python by Andreas C. Miller, Sarah Guido, Publisher(s): O'Reilly Media,
You might also like
Gtu Syllabus Sem 5 Cse (Aiml)
PDF
No ratings yet
Gtu Syllabus Sem 5 Cse (Aiml)
16 pages
21CSC569J Fundamentals++of+Artificial+Intelligence
PDF
No ratings yet
21CSC569J Fundamentals++of+Artificial+Intelligence
3 pages
OCS351 - AI ML Fundamentals Syllabus
PDF
No ratings yet
OCS351 - AI ML Fundamentals Syllabus
2 pages
Final Data Science Syllabus WBCHSE XIandXII
PDF
No ratings yet
Final Data Science Syllabus WBCHSE XIandXII
9 pages
Appendix-26
PDF
No ratings yet
Appendix-26
35 pages
Final AI SyllabusWBCHSE For XIandXII
PDF
No ratings yet
Final AI SyllabusWBCHSE For XIandXII
10 pages
MSC AI Syllabus
PDF
No ratings yet
MSC AI Syllabus
63 pages
BSC SEM 6 Core - DSE Syllabus
PDF
No ratings yet
BSC SEM 6 Core - DSE Syllabus
9 pages
AI-syllabus Class 11
PDF
No ratings yet
AI-syllabus Class 11
7 pages
Class XI, XII Curriculum Computer Science 2025-26
PDF
No ratings yet
Class XI, XII Curriculum Computer Science 2025-26
30 pages
AI (AL-304) Lab Manual
PDF
No ratings yet
AI (AL-304) Lab Manual
37 pages
AIML Syllabus
PDF
No ratings yet
AIML Syllabus
3 pages
B.SC AI ML Feb2024
PDF
No ratings yet
B.SC AI ML Feb2024
15 pages
Syllabi
PDF
No ratings yet
Syllabi
6 pages
CE5008 - Machine Intelligence
PDF
No ratings yet
CE5008 - Machine Intelligence
6 pages
XI-CS Study Material 2023-24 - FINAL
PDF
No ratings yet
XI-CS Study Material 2023-24 - FINAL
140 pages
AI XI Syll QP
PDF
No ratings yet
AI XI Syll QP
4 pages
Arti Final
PDF
No ratings yet
Arti Final
13 pages
AI
PDF
No ratings yet
AI
2 pages
XI-CS Study Material 2023-24
PDF
No ratings yet
XI-CS Study Material 2023-24
142 pages
Full Syllabus All Sub MTech (AI) 29 Sep 2021 - Revised
PDF
No ratings yet
Full Syllabus All Sub MTech (AI) 29 Sep 2021 - Revised
19 pages
Computer Science SrSec 2025-26
PDF
No ratings yet
Computer Science SrSec 2025-26
8 pages
Artificial and Computational Intelligence
PDF
No ratings yet
Artificial and Computational Intelligence
4 pages
CS Curriculum 2025-26 XI
PDF
No ratings yet
CS Curriculum 2025-26 XI
7 pages
XI-CS Material 2023-24
PDF
No ratings yet
XI-CS Material 2023-24
107 pages
XI-CS Study Material 2023-24
PDF
No ratings yet
XI-CS Study Material 2023-24
142 pages
CBSE Class 11 Computer Science Syllabus 2023 24
PDF
No ratings yet
CBSE Class 11 Computer Science Syllabus 2023 24
4 pages
Intro 2 To AI
PDF
No ratings yet
Intro 2 To AI
2 pages
Ai File
PDF
No ratings yet
Ai File
36 pages
CMS Computer Science SrSec 2024-25
PDF
No ratings yet
CMS Computer Science SrSec 2024-25
9 pages
11 CS SSM 2022-23 Ahmd
PDF
No ratings yet
11 CS SSM 2022-23 Ahmd
113 pages
11 CS Split-Up Syllabus 2023-2024
PDF
No ratings yet
11 CS Split-Up Syllabus 2023-2024
4 pages
Cse 1 Syll
PDF
No ratings yet
Cse 1 Syll
17 pages
Ai 3
PDF
No ratings yet
Ai 3
54 pages
Learning Outcomes: Computer Science Class-Xi Code No. 083 2021-22
PDF
No ratings yet
Learning Outcomes: Computer Science Class-Xi Code No. 083 2021-22
8 pages
Artificial Intelligence and Machine Learning
PDF
No ratings yet
Artificial Intelligence and Machine Learning
4 pages
Books
PDF
No ratings yet
Books
25 pages
Syll
PDF
No ratings yet
Syll
4 pages
Sublly Sunny
PDF
No ratings yet
Sublly Sunny
10 pages
1 2 - Artificial-Intelligence
PDF
No ratings yet
1 2 - Artificial-Intelligence
7 pages
Kvs PGT Computer Science Syllabus 28917830
PDF
No ratings yet
Kvs PGT Computer Science Syllabus 28917830
5 pages
Computer Science SrSec 2024-25
PDF
No ratings yet
Computer Science SrSec 2024-25
8 pages
Computer Science SrSec 2023-24
PDF
No ratings yet
Computer Science SrSec 2023-24
9 pages
CBSE Class 11 Computer Science Syllabus 2022 23
PDF
No ratings yet
CBSE Class 11 Computer Science Syllabus 2022 23
4 pages
REVISEDComputer Science SR - Sec 2020-21 PDF
PDF
No ratings yet
REVISEDComputer Science SR - Sec 2020-21 PDF
10 pages
1ET1080302 - Introduction To Artificial Intelligence and Machine Learning
PDF
No ratings yet
1ET1080302 - Introduction To Artificial Intelligence and Machine Learning
2 pages
11 Computer Science Eng 202324
PDF
No ratings yet
11 Computer Science Eng 202324
4 pages
Data Science
PDF
No ratings yet
Data Science
3 pages
REVISED11 - SR - SEC. - Computer Science - 2020-21
PDF
No ratings yet
REVISED11 - SR - SEC. - Computer Science - 2020-21
5 pages
Birla Institute of Technology & Science, Pilani Hyderabad Campus
PDF
No ratings yet
Birla Institute of Technology & Science, Pilani Hyderabad Campus
3 pages
Learning Outcomes: Computer Science Class-Xi Code No. 083 2021-22
PDF
No ratings yet
Learning Outcomes: Computer Science Class-Xi Code No. 083 2021-22
4 pages
Computer Science: Basic Computer Organisation: Description of A Computer System
PDF
No ratings yet
Computer Science: Basic Computer Organisation: Description of A Computer System
5 pages
CS2021 Xi
PDF
No ratings yet
CS2021 Xi
5 pages
2016 Syllabus 11 Computer Science
PDF
No ratings yet
2016 Syllabus 11 Computer Science
7 pages
Artificial Intelligence BSC - Csit Syllabus IT College Nepal
PDF
No ratings yet
Artificial Intelligence BSC - Csit Syllabus IT College Nepal
3 pages