Thanks to visit codestin.com
Credit goes to www.scribd.com

0% found this document useful (0 votes)
28 views9 pages

Ai and Data Science

The document outlines a comprehensive curriculum for AI and Data Science using Python, covering topics from introductory concepts to advanced techniques in machine learning, data manipulation, and deployment. It includes lessons on Python programming, statistical analysis, data visualization, natural language processing, deep learning, and model deployment on platforms like Azure. The curriculum emphasizes practical applications and case studies, ensuring a hands-on learning experience.

Uploaded by

g98876332
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)
28 views9 pages

Ai and Data Science

The document outlines a comprehensive curriculum for AI and Data Science using Python, covering topics from introductory concepts to advanced techniques in machine learning, data manipulation, and deployment. It includes lessons on Python programming, statistical analysis, data visualization, natural language processing, deep learning, and model deployment on platforms like Azure. The curriculum emphasizes practical applications and case studies, ensuring a hands-on learning experience.

Uploaded by

g98876332
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/ 9

V CUBE SOFTWARE SOLUTIONS

AI & DATA SCIENCE USING PYTHON


Lesson 01 – Introduction to AI ML DS
• Relationship between AI, ML, DL, NLP, Data Science, Gen AI
• Introduction to Data Science
• Components of data Science
• Applications of data science
• Why Python for Data Science
• AI Tools : Claude/Perplexity/Co Pilot/ChatGPT/DeepSeek

Lesson 02 - Python Overview


• Installation of Anaconda Python, Python Features
• Variables, Operators, Data Types,
• Conditions and Loops
• Functions
• String object, Exercises
• List object, Exercises
• Tuple object, Exercises
• Dictionary object, Exercises
• Set, Frozenset
• List comprehension,
• Dictionary comprehension.
• Set Comprehension
• Modules, Packages
• Python File I/O
• Exercises
• Regular expressions
• Identifiers
• Quantifiers
• Exercises
• SQL Database using Sqlite
• CURD operations
• SQL Queries
• Kinds of Joins
• Project on SQL database (Sqlite)
• Generators, Iterators
• Collections Module
• JSON, XML, PDF databases

• Object Oriented Python,


• Class, Object
• Abstraction
• Encapsulation
• Inheritance
• Polymorphism
o Case studies on OOPS.
• HackerRank using Python, MySQL queries for Interviews

Lesson 03 - Mathematical Computing with Python (NumPy)


• Introduction to NumPy, N-D array
• Mathematical Functions of NumPy
• Data types and attributes of Arrays
• Array Indexing and Slicing
• 1-D arrays and N-D arrays
• Array broadcasting

Lesson 04.1 – Statistics


• Central Tendency (mean, median and mode)
• Measures of Variation (Interquartile Range, Variance, Standard Deviation)
• Bar Chart, Histogram, Box whisker plot, Scatter Plot
• Co-variance, Correlation
• Central Limit Theorem,
• Skewness and Kurtosis
• Z Test, T Test, P-value,
• Hypothesis testing
• Chi-Square, F- Statistic
• Sampling Techniques
• ANOVA (Analysis of Variance)

Lesson 04.2 – Probability


• Introduction to Probability, Uncertainty, Random numbers
• Joint Probability, Marginal Probability, Conditional Probability, Exclusivity
• Probability Distributions ( PMF, CDF, Normal Distribution, ..)
• Bayes Theorem.

Lesson 05 - Data Manipulation with Pandas


• Introduction to Pandas,
• Understanding DataFrame
• Transforming List, Tuple, Dictionaries into Data Frame
• Accessing rows and columns, Iteration over Data Frames
• Pandas joining and merging,
• Pandas Groupby, Pivot Table, Binning,
• Pandas Visualization
• Data Generation
• Real time Case Studies on Data Analysis based on Kaggle

Lesson 06 – Exploratory Data Analysis and Data Visualization


• Univariant analysis
• Numerical data
• Categorical data
• Bivariant analysis
• Numerical Vs Numerical
• Categorical Vs Categorical
• Numerical Vs Categorical
• MatplotLib data visualization
• Seaborn data visualization

Lesson 07– Power BI


• Business Intelligence(BI)
• Downloading & Installing Microsoft Power BI Desktop
• Loading data into PowerBI
• ETL with Power BI
• Working with Power Query Editor
• Working with Report Section & Visuals in Power BI
• Creating Dashboards & Reports

Lesson 08 – Data Preprocessing Techniques


• Data Imputation (Missing values)
o Simple Imputation
o KNN Imputation
o Iterative Imputation
• Data Encoding Techniques
o Label Encoding
o OneHot encoding
• Finding Outliers
o IQR technique
o Zscore technique
o Percentile technique
o LocalOutlierFactor
• Data Normalization, Transformation, Scaling
o MinMaxScaler
o StandardScaler
o RobustScaler
o PowerTransform
o Box-CoxTransform
o QuantileTransforms
• Dimensionality Reduction Techniques
• PCA- Principle Component Analysis
• SVD- Singular Value Decomposition
• LDA- Linear Discriminant analysis
• Feature Selection (Importance) and Engendering techniques
o Supervised learning based
o Unsupervised learning based
• Case Studies on Data Preprocessing techniques and comparative analysis of various
techniques

Lesson 9 – Regression Analysis


• What is regression, Linear regression
• Linear regression, Multiple Regression
• Ridge Regression, Lasso Regression
• Explanation of statistics
• Evaluation metrics (R-Squre, Adj R-Squre, MSE, RMSE)
• Train/Test Split, Hypothesis testing formal way
• Case Studites
• Project on Regression Analysis from Kaggle

Lesson 10- Classification


• Introduction to Machine Learning
• Naïve Bayes classifier
• Decision Tree classifier
• KNN classifier
• Logistic Regression
• Support Vector Machines (SVM)
• One-vs-Rest and One-vs-One for Multi-Class Classification
• Predict() Vs PredictProba()
• Ensemble models (Random Forest, Bagging, Boosting)
• Bagging algorithms
• Boosting algorithms
• Stacking algorithms

• Xgboost indepth with Industry cases

• Backpropagation using Neural Networks


• SK Learn ML library using Python
• Case Studites
• Project on Classification Algorithms from Kaggle

Lesson 11 – Model Selection and Evaluation
• Accuracy measurements
• Precision, Recall, Precision – Recall Tread-off
• AUC Score, ROC Curve
• Train/Validation/Test split, K-Fold Cross Validation
• The Problem of Over-fitting (Bias-Variance tread-off)

Lesson 12- Learning Best Practices for Model Evaluation


• Bias, Variance, Overfitting, Underfitting methods
• Pipelining
• Parameter Tuning mechanisms (Grid Search, Random Search)
• Debugging algorithms with learning and validation curves

Lesson 13– Association Analysis


• Association Rules & Interesting measures
• Apriori Algorithm
• FP-Grouth algorithm
• Case Studites
Lesson 14 – Clustering
• Similarity distance measures
• K-means Clustering
• Hierarchical Clustering
• DB Scan Clustering
• Case Studites
Lesson 15- Applications
• Time Series Analysis ( Stock Market forecasting using ARIMA models)
• Recommendation Systems (Filter based RS and Collaborative based RS)
• Dealing with Imbalanced datasets (Anomaly Detection Methods)

Lesson 16- Natural Language Processing


• NLP Overview, Applications using NLTK, Text Blob
• Tokenizing, Stop Word Removal, Stemming, Lemmatization, POS Tagging,
• Similarity measures over Text,
• Vector Space Model, Bag of words,
o transforming text to Numeric using Count Vectorizer
• Text Classification,
o Text Clustering,
o Topic Modelling,
o Model Deployment using NLP
• Word Embeddings, Sentiment Analysis
• Case Studies
• Project on NLP from Kaggle

Lesson 17 – Image Processing using CV2


• Image Processing Basics and Computer Vision Library
• Images Operations using Numpy
• Edge detection
• Contour detection
• Feature Marching
• Face detection

Lesson 18- Deep Learning using TensorFlow and Kera’s.


• Introduction to Deep Learning, Neurons, Perceptron, Multilayer Perceptron,
• Forward Propagation, Backward Propagation, Activation Functions,
• Artificial Neural Networks (ANN)
o Case Studies
• Convolution Neural Networks (CNN)
o Case Studies
• Recurrence Neural Networks (RNN)
o LSTM , GRU algorithms
o Case Studies
• Model Deployment using Deep Learning
• Deep Learning with Text
• Word Embedding
• Transformers
o Encoders and Decoders , Attention mechanism
o
Lesson 19 Front end and Web Application development
• HTML. CSS,
• Flask Framework
• Streamlit Framework
• Web scraping using beautifulsoup4, requests libraries
o Case Studies on web scraping.

Lesson 20- Explainable AI


• Need of Explainable AI in Industry
• SHAP
• LIME

Lesson 21- Generative AI and LLMs with Use Cases


• Gen AI text, Images, Video
• Creating own Chatbots
• Gen AI using SQL function calling
• Gen AI with Word Embeddings and case studies
• Case Studies using Gemini
• Vector Databases
• Langchain, Llama 3.2, Ollama frameworks
• Retrieval-Augmented Generation (RAG)
• Conversation between Llama Langchain with Text data and PDF data.

Lesson 22- Hugging Face Pre-trained models for Natural Language Processing.

Lesson 23- Deployment ML/DL/NLP models using Flask, Fast API, Streamlit.

Lesson 24- ML Model Deployment in Azure

1: Introduction to Cloud Computing and Azure


• Azure platform overview
• Azure services for ML deployment
• Setting up Azure free trial accounts

2: Azure Machine Learning Studio Basics


• Understanding ML resources in Azure
• Data storage options in Azure (optimizing for free tier usage)

3: Model Deployment via Notebooks


• Jupyter notebook environment in Azure
• Writing deployment scripts
• Configuration of compute instances (within free tier limits)
• Deploying models as web services

4: Model Deployment via Designer


• Using Azure ML Designer interface
• Creating pipelines
• Training models with visual interface
• Publishing pipeline endpoints
• Deployment from Designer

5: Model Deployment via Automated ML


• Training models with AutoML
• Evaluating AutoML runs
• Deploying AutoML models

6: Deployment via GitHub Integration


• Connecting GitHub to Azure
• Deployment from GitHub to Azure

You might also like