0% found this document useful (0 votes)
7 views12 pages

AI Using Python

The document outlines a comprehensive 6-month course on AI using Python, covering topics such as Python fundamentals, data structures, object-oriented programming, file handling, and SQL. It also includes advanced topics like machine learning, deep learning, and neural networks, along with practical applications and projects. The course aims to equip learners with the necessary skills to implement AI solutions using Python.

Uploaded by

pknrmca15
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)
7 views12 pages

AI Using Python

The document outlines a comprehensive 6-month course on AI using Python, covering topics such as Python fundamentals, data structures, object-oriented programming, file handling, and SQL. It also includes advanced topics like machine learning, deep learning, and neural networks, along with practical applications and projects. The course aims to equip learners with the necessary skills to implement AI solutions using Python.

Uploaded by

pknrmca15
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/ 12

AI Using

Python
Duration: 6 Month
Python
Introduction To Python
l Why Python
l Application Areas of Python
l Python Implementations
l Cpython
l Jython
l IronPython
l PyPy
l Python Versions
l Installing Python
l Python Interpreter Architecture
l Python Byte Code Compiler
l Python Virtual Machine(PVM)

Writing and Executing First Python Program


l Using Interactive Mode
l Using Script Mode
l General Text Editor and Command Window
l IDLE Editor and IDLE Shell
l Understanding print() function
l How to compile python program explicitly

Python Language Fundamentals

l Character Set
l Keywords
l Comments
l Variables
l Literals
l Operators
l Reading input from console
l Parsing String to int , float
Python Conditional Statements
l If Statement
l If else Statement
l If elif Statement
l If elif else Statement
l Nested If Statement
Looping Statements
l While Loop
l For Loop
l Nested Loops
l Pass ,Break and Continue keywords
Standard Data Types
l int , float , complex
l bool , NoneType
l str , list , tuple
l dict , set , frozenset
String Handling
l What is string
l String representations
l Unicode String
l String Functions, Methods
l String Repetition and concatenation
l String Indexing and Slicing
l String Formatting
Python List
l Creating and Accessing Lists
l Indexing and Slicing Lists
l List Methods
l Nested Lists
l List Comprehension
Python Tuple
l Creating Tuple
l Accessing Tuple
l Immutability of tuple

Python Set
l How to create a set
l Iteration Over Sets
l Python Set Methods
l Python Frozenset

Python Dictionary
l Creating a Dictionary
l Dictionary Methods
l Accessing values from Dictionary
l Updating dictionary
l Iterating dictionary
l Dictionary Comprehension
Python Functions
l Defining a Function
l Calling a Function
l Types of Functions
l Function v/s Method
l Function Arguments
l Positional arguments , Keyword arguments ,
l Default arguments , Non default arguments ,
l Arbitrary arguments ,Keyword Arbitrary arguments
l Function Return Statement
l Nested Function
l Function as argument
l Function as return statement
l Decorator function
l Closure
l map(),filter() ,reduce(),any() functions
l Anonymous or lambda Function
Modules & Packages
l Why Modules
l Script v/s Module
l Importing Module
l Standard & Third Party Modules
l Why Packages
l Understanding pip utility

File I/O
l Introduction to File Handling
l File modes
l Functions and methods related to File Handling
l Understanding with block
Object Oriented Programming
l Procedural v/s Object Oriented Programming
l OOP Principles
l Defining a Class & Object Creation
l Inheritance
l Encapsulation
l Polymorphism
l Abstraction
l Garbage Collection
l Iterator & Generator

Exception Handling
l Difference Between Syntax Errors and Exceptions
l Keywords used in Exception Handling
l try , except , finally , raise , assert
l Types of Except Blocks
l User-defined Exceptions
GUI Programming
l Introduction to Tkinter Programming
l Tkinter Widgets
l Tk , Label , Entry , TextBox , Buttons
l Frame , messagebox , filedialogetc
l Layout Managers
l Event handling
l Displaying image
Multi-Threading Programming
l Multi-processing v/s Multi-threading
l Need of threads
l Creating child threads
l Functions /methods related to threads
l Thread synchronization and locking

Regular Expressions(Regex)
l Need of regular Expressions
l re module
l Functions /Methods related to regex
l Meta Characters & Special Sequences

SQL
Introduction to Database
l Database Concepts
l What is Database Package?
l Understanding Data Storage
l Rela onalDatabase (RDBMS) Concept
SQL (Structured Query Language)
l SQL Basics
l DML, DDL & DQL
l DDL: Create,Alter,Drop
l SQL Constraints:
l NOT NULL, UNIQUE,
l PRIMARY & FOREIGN KEY, COMPOSITE KEY
l CHECK, DEFAULT
l DML: Insert, Update, Delete and Merge
l DQL : Select
l SELECT DISTINCT
l SQL WHERE
l SQL Operators
l SQL LIKE
l SQL ORDER BY
l SQL Aliases
l SQL Views
l SQL JOINS
l INNER JOIN
l LEFT (OUTER) JOIN
l RIGHT (OUTER) JOIN
l FULL (OUTER) JOIN
l MySQL Func ons
l String Func ons
l CHAR_LENGTH
l CONCAT
l LOWER
l REVERSE
l UPPER
l Numeric Func ons
l MAX, MIN, SUM
l AVG, COUNT, ABS
l Date Func ons
l CURDATE
l CURTIME
l NOW

Statistics , Probability & Analytics:


Introduction to Statistics
l Sample or Popula on
l Measures of Central Tendency
l Arithme c Mean
l Harmonic Mean
l Geometric Mean
l Mode
l Quar le
l First quar le
l Second quar le(Median)
l Third quar le
l Standard Devia on

Probability Distributions
l Introduc on o probability
l Condi onal proba ility
l Normal Distribu on
l Uniform Distribu on
l Exponen l Disstributn
l Right & Lef Skewed Distriibu on
l Random Distribu on
l Central Limit Theorem
Hypothesis Testing
l Normality Test
l Mean Test
l T-test
l Z-test
l ANOVA test
l Chi Square Test
l Correla on and ovariance
Numpy Package
l Difference between list and numpy array
l Vector and Matrix operations
l Array indexing and slicing

Pandas Package
Introduction to pandas
l Labeled and structured data
l Series and DataFrame Objects
l How to load datasets
l From excel
l From csv
l From html table
Accessing data from Data Frame
l at & iat
l loc & iloc
l head() & tail()
Exploratory Data Analysis (EDA)
l Describe()
l Groupby()
l Crosstab()
l boolean slicing / query()
Data Manipulation & Cleaning
l Map(),apply()
l Combining data frames
l Adding/removing rows & columns
l Sorting data
l Handling missing values
l Handling duplicacy
l Handling Data Error
l Categorical Data Encoding
l Label Encoding
l One Hot Encoding
l Handling Date and Time

Data Visualization using matplotlib and seaborn packages


l Scatter plot, lineplot, bar plot
l Histogram, pie chart,
l Jointplot, pairplot ,Heatmap
l Outlier detection using boxplot

Machine Learning:
Introduction To Machine Learning
l Traditional v/s Machine Learning Programming
l Real life examples based on ML
l Steps of ML Programming
l Data Preprocessing revised
l Terminology related to ML

Supervised Learning
l Classification
l Regression
Unsupervised Learning
l clustering
KNN Classification
l Math behind KNN
l KNN implementation
l Understanding hyper parameters
Performance metrics
l Confusion Matrix
l Accuracy Score
l Recall & Precision
l F-1 Score
l R2 Score
Regression
l Math behind Regression
l Simple Linear Regression
l Multiple Linear Regression
l Polynomial Regression
l Boston Price Prediction
l Cost or Loss Functions
l Mean absolute error
l Mean squared error
l Root mean squared error
l Least Square Error
l Regularization
Logistic Regression for classification
l Theory of Logistic Regression
l Binary and Multiclass classification
l Implementing titanic dataset
l Implementing iris dataset
l Sigmoid and softmax functions
Support Vector Machines
l Theory of SVM
l SVM Implementation
l kernel,gamma,alpha
Decision Tree Classification
l Theory of Decision Tree
l Node Splitting
l Implementation with iris dataset
l Visualizing Tree
Ensemble Learning
l Random Forest
l Bagging and Boosting
l Voting Classifier
Model Selection Techniques
l Cross Validation
l Grid and Random Search for hyper parameter tuning
Recommendation System
l Content based technique
l Collaborative filtering technique

l Evaluating similarity based on correlation


l Classification-based recommendations
Clustering
l K-means Clustering
l Hierarchical Clustering
l Elbow technique
l Silhouette coefficient
l Dendogram
Text Analysis
l Install NLTK
l Tokenize words
l Tokenizing sentences
l Stop words customization
l Stemming and Lemmatization
l Feature Extraction
l Sentiment Analysis
l Count Vectorizer
l TfidfVectorizer
l Naive Bayes Algorithms
l GaussianNB
l MultinomialNB
l BernoulliNB
Dimensionality Reduction
l Principal Component Analysis(PCA)
Open CV
l Reading images
l Understanding Gray Scale Image
l Resizing image
l Understanding Haar Classifiers
l Face , eyes classification
l How to use webcam in open cv
l Building image data set
l Capturing video
l Face classification in video

Deep Learning & Neural Network :


Introduction To Artificial Neural Network
l What is Artificial Neural Network (ANN)?
l How Neural Network Works?
l Perceptron
l Multilayer Perceptron
l Feed Forward
l Back propagation
Introduction To Deep Learning
l What is Deep Learning?
l Deep Learning Packages
l Deep Learning Applications
l Building Deep Learning Environment
l Installing Tensor Flow Locally
l Understanding Google Colab

Tensor Flow Basics


l What is Tensorflow?
l Tensorflow 1.x V/S Tensorflow 2.x
l Variables, Constants
l Scalar, Vector, Matrix
l Operations using tensorflow
l Difference between tensorflow and numpy operations
l Computational Graph
Optimizers
l What does optimizers do?
l Gradient Descent (full batch and min batch)
l Stochastic Gradient Descent
l Learning rate , epoch
Activation Functions
l What does Activation Functions do?
l Sigmoid Function,
l Hyperbolic Tangent Function (tanh)
l ReLU –Rectified Linear Unit
l Softmax Function
l Vanishing Gradient Problem
Building Artificial Neural Network
l Using scikit implementation
l Using Tensorflow
l Understanding MNIST Dataset
l Initializing weights and biases
l Gradient Tape
l Defining loss/cost Function
l Train the Neural Network
l Minimizing the loss by adjusting weights and biases
Modern Deep Learning Optimizers and Regularization
l SGD with Momentum
l RMSprop
l AdaGrad
l Adam
l Dropout Layers and Regularization
l Batch Normalization
Building Deep Neural Network Using Keras
l What is Keras?
l Keras Fundamental For Deep Learning
l Keras Sequential Model and Functional API
l Solve a Linear Regression and Classification Problem with Example
l Saving and Loading a Keras Model
Convolutional Neural Networks (CNNs)
l Introduction to CNN
l CNN Architecture
l Convolutional Operations
l Pooling , Stride and Padding Operations
l Data Augmentation
l Building ,Training and Evaluating First CNN Model
l Model Performance Optimization
l Auto encoders for CNN
l Transfer Learning and Object Detection Using Pre-trained CNN Models
l LeNet
l AlexNet
l VGG16
l ResNet50
l Yolo algorithm
Word Embedding
What is Word Embedding?
Word2Vec Embedding
CBOW
skipgram
Keras Embedding Layers
Visualize Word Embedding
Google Word2Vec Embedding
GloVe Embedding
Recurrent Neural Networks (RNNs)
l Introduction to RNN
l RNN Architecture
l Types of RNN
l Implementing basic RNN in tensorflow
l Need for LSTM and GRU
l Deep RNN/LSTM/GRU
l Text Classification Using LSTM
l Prediction for Time Series problem
l Bidirectional RNN/LSTM
l Seq-2-Seq Modeling
l Encoder-Decoder Model
l Attention Mechanism
Generative Adversarial Networks (GANs)
l Introduction to GAN
l Generator
l Discriminator
l Types of GAN
l Implementing GAN using Neural Network
Speech Recognition APIs
l Text To Speech
l Speech To Text
l Automate task using voice
l Voice Search on Web
Integration of ChatGPT API with Python
l Introduction to ChatGPT
l Understanding openai library
l Registering for an API key
l API documentation and resources
l Type of ChatGPT Models
l Generating Images from ChatGPT API
l Image Captioning using ChatGPT API
l Building a Chatbot with ChatGPT API and Python
Projects (Any Five)
l Stock Price Prediction Using LSTM
l Object Detection
l Attendance System Using Face Recognition
l Facial Expression and Age Prediction
l Chabot Application
l Neural Machine Translation
l Hand Written Digits& Letters Prediction
l Number Plate Recognition
l Gender Classification
l My Assistant for Desktop
l Suspect Detection using CCTV
l Hardware operations using gesture detection
l Cat v/s Dog Image Classification

2.0 NOIDA SEC-63


H-43 Sector-63
Noida-201301

+91 7042175774
+91 9810851363

You might also like