AI Syllabus - IBM
AI Syllabus - IBM
Explain the concept of Artificial Intelligence (AI) and its significance in various fields.
Introduction of different types of AI, including Narrow AI and General AI.
Explore the practical applications of artificial intelligence (AI) in
various real-world scenarios and examine the consequential impact
on society.
Article: https://www.ibm.com/topics/artificial-intelligence
Book: "Artificial Intelligence: A Guide for Thinking Humans" by Melanie Mitchell
Examine the significance of data wrangling within the data science workflow.
Explain data cleaning, transformation, and handling missing values.
Introduce data aggregation and merging techniques.
Explore the process of data reshaping utilizing tools such as pandas.
Blog Post: The Art of Data Wrangling in 2024: Techniques and Trends.
Book: Ripley, Brian D. (1996) Pattern Recognition and Neural Networks, Cambridge
Clarify the concept of loss functions and optimizers within the realm of
deep learning
Explore the phenomenon of overfitting and methods to mitigate it.
Teach how to build and train CNN using Keras with real-world datasets.
Discuss transfer learning and fine-tuning for CNN models.
Teaching Material
Hour 2:
3.
Introduction to Machine Learning as a subset of AI.
Supervised, Unsupervised, and Reinforcement Learning.
Examples of ML algorithms and use cases.
4.
Ethical considerations in AI decision-making.
Bias and fairness in AI models.
Addressing challenges like data privacy and security.
Hour 3:
5.
Emerging trends in AI research and development.
AI-driven innovations and their potential impact.
Career opportunities and skillsets for AI professionals.
6. Discussion on AI portrayals in movies and popular culture.Addressing misconceptions
and myths about AI.
[Article] "Artificial Intelligence Revolution”, IBM
[Book] "Superintelligence: Paths, Dangers, Strategies" by Nick Bostrom
[Article] Artificial Intelligence, IBM
Hour 1:
1.
Overview of Python as a high-level programming language.
Setting up Python environment and using an IDE.
Writing your first Python program.
2.
Explanation of fundamental data types (int, float, str, bool).
Creating and manipulating variables.
Type conversions and basic input/output.
Hour 2:
3.
Understanding conditional statements (if, else, elif).
Iteration with loops (for and while).
Writing and using functions.
4. Introduction to popular Python
libraries (e.g., NumPy, Pandas).
Installing and importing libraries.
Basic operations with NumPy arrays and Pandas DataFrames.
Online Course: Data Analysis with Python by IBM
Interactive Platform: Jupyter Notebook
Documentation: Beginner's guide to Python, IBM by Steven Frankell
Hour 3:
5.
Reading from and writing to files in Python.
Common file formats (e.g., CSV, JSON) and their manipulation.
Error handling using try-except blocks.
6.
Code organization and style guidelines (PEP 8).
Using virtual environments for project isolation.
Tips for debugging and troubleshooting.
Hour 1:
1.
Understanding the data wrangling process in the data science workflow.
Importance of data cleaning and preparation for analysis.
and c.
2.
Techniques for handling missing data and outliers.
Dealing with duplicates and inconsistent data.
Data normalization and scaling.
Book: Securely Leverage Open-Source Software with Python AI Toolkit for IBM z/OS
Article: Python and Data Analytics workshop doc by IBM
Online Course: IBM Data Science Professional Certificate
Hour 2:
3.
Aggregating data using pandas groupby function.
Performing operations on grouped data.
Creating pivot tables for data summarization.
4.
Combining datasets using pandas merge function.
Understanding different types of joins (inner, outer, left, right).
Handling common merging challenges.
Book: Securely Leverage Open-Source Software with Python AI Toolkit for IBM z/OS
Article: Python and Data Analytics workshop doc by IBM
Online Course: IBM Data Science Professional Certificate
Hour 3:
5.
Reshaping data using pandas melt and pivot functions.
Converting data between long and wide formats.
Handling multi-indexing and hierarchical data.
6.
Students work on a data wrangling project.
Applying data cleaning, transformation, and aggregation techniques.
Book: Securely Leverage Open-Source Software with Python AI Toolkit for IBM z/OS
Article: Python and Data Analytics workshop doc by IBM
Module 4: Introduction to Neural Networks
Hour 1:
1. **Introduction to Neural
Networks**
2.
Implementing a basic neural network from scratch in Python.
Forward and backward propagation for training.
Gradient descent and optimization techniques.
Hour 2:
3.
Understanding deep neural networks and hidden layers.
Popular architectures (e.g., CNN, RNN) and their applications.
Transfer learning and pre-trained models.
4.
Overview of TensorFlow and Keras as deep learning frameworks.
Building neural networks using Keras.
Compiling and training a model.
Hour 3:
5.
Techniques for preventing overfitting (e.g., dropout, L2 regularization).
Optimizing hyperparameters for better performance.
Evaluating model performance with validation and test sets.
6.
Working with image data in deep learning models.
Case study: Image classification using CNN.
Challenges and best practices.
Hour 1:
1.
Importance of data visualization in data analysis.
Types of data visualizations and their applications.
Principles of effective data visualization.
2.
Creating line plots, bar charts, and scatter plots with Matplotlib.
Customizing plot appearance (e.g., labels, colors, legends).
Saving plots to various file formats.
3.
Introduction to Seaborn for statistical data visualization.
Creating bar plots, box plots, and violin plots with Seaborn.
Heatmaps and cluster maps for visualizing correlations.
4.
Building interactive plots and dashboards with Plotly.
Customizing Plotly visualizations and adding interactivity.
Embedding Plotly plots in web applications.
Hour 3:
5.
Introduction to geospatial data and geographic information systems (GIS).
Plotting geospatial data on maps with libraries like Geopandas and Folium.
Choropleth maps for visualizing regional data.
6.
Tips for designing effective and informative visualizations.
Students work on a data visualization project.
Presenting and sharing data visualizations.
1.
Understanding the core concepts of machine learning.
Types of machine learning: Supervised, Unsupervised, and Reinforcement
Learning.
Real-world examples of machine learning applications.
2.
Explanation of regression and its applications.
Linear regression and multiple linear regression.
Evaluating regression models and interpreting results.
Hour 2:
3.
Understanding classification problems and algorithms.
Logistic regression and k-Nearest Neighbors (k-NN) algorithm.
Decision trees and random forests.
4.
Introduction to clustering and its applications.
k-Means clustering and hierarchical clustering.
Evaluating clustering performance.
Hour 3:
5.
Motivation for dimensionality reduction techniques.
Principal Component Analysis (PCA) and Singular Value Decomposition (SVD).
t-Distributed Stochastic Neighbor Embedding (t-SNE).
6.
Understanding the end-to-end machine learning workflow.
Model evaluation and hyperparameter tuning.
Deploying machine learning models to production.
Hour 1:
1.
Overview of NLP and its applications.
Challenges in processing human language.
Key NLP
tasks: Tokenization, Part-of-Speech (POS) tagging, and Named Entity Recognition (NER).
2.
Cleaning and normalizing text data.
Removing stopwords and special characters.
Lemmatization and stemming.
Tutorial: https://www.ibm.com/topics/natural-language-processing
Hour 2:
3.
Bag-of-Words (BoW) model and Term Frequency-Inverse Document Frequency
(TF-IDF).
Word embeddings and distributed representations (Word2Vec, GloVe).
Language models and pre-trained transformers.
4.
Understanding sentiment analysis and its applications.
Building sentiment analysis models using machine learning and deep learning.
Interpreting sentiment analysis results.
Book: "Speech and Language Processing" by Daniel Jurafsky and James H. Martin
Online Course: Get started with artificial intelligence Learning path by IBMMM
Hour 3:
5.
Introduction to topic modeling and Latent Dirichlet Allocation (LDA).
Implementing LDA for discovering topics in text data.
Evaluating topic models and selecting the optimal number of topics.
6.
Introduction to text generation techniques.
Markov chains and Recurrent Neural Networks (RNNs) for text generation.
Building a simple text generation model.
Book: "Speech and Language Processing" by Daniel Jurafsky and James H. Martin
Online Course: Get started with artificial intelligence Learning path by IBMMMMMM
Hour 1:
1.
Understanding the basics of image processing.
Image representation and color spaces.
Applications of computer vision in various domains.
2.
Convolution operation and image filtering.
Applying filters for blurring, sharpening, and noise reduction.
Edge detection techniques (e.g., Sobel, Canny).
Hour 2:
3.
Understanding object detection and localization.
Haar cascades and Single Shot MultiBox Detector (SSD).
Applying pre-trained models for object detection.
4.
Introduction to facial recognition techniques.
Face detection and face recognition algorithms.
Building a simple facial recognition system.
Hour 3:
5.
Understanding image segmentation and its applications.
Thresholding and region-based segmentation.
Advanced segmentation methods (e.g., Watershed, GrabCut).
6.
Students work on an image processing project.
Applying various computer vision techniques.
[Course] Classification with PyTorch, IBM
[Tutorial] Fine tune watson NLP
Hour 1:
1.
Introduction to RNNs and their architecture.
Vanishing and exploding gradients in RNNs.
Applications of RNNs in natural language processing and time series analysis.
2.
Understanding LSTM networks and their improvements over RNNs.
Building LSTM models for sequential data processing.
Applications of LSTMs in sentiment analysis and language translation.
Hour 2:
3.
Introduction to GANs and their architecture.
Training GANs using adversarial learning.
Applications of GANs in image generation and style transfer.
4.
Understanding transfer learning and its benefits.
Fine-tuning pre-trained models for specific tasks.
Implementing transfer learning with TensorFlow/Keras.
Hour 3:
5.
Understanding autoencoders and their architecture.
Latent space representation and anomaly detection.
Variational Autoencoders for generative modeling.
6.
Students work on a deep learning project.
Applying advanced deep learning techniques.
Hour 1:
1.
Understanding the need for model deployment.
Options for deploying machine learning models.
Challenges and considerations in deployment.
2.
Introduction
Hour 2:
3.
Introduction to Docker and containerization.
Creating Docker containers for machine learning models.
Deploying Dockerized applications.
4.
Understanding FastAPI as a modern API framework.
Building RESTful APIs with FastAPI.
Integrating machine learning models with FastAPI.
Hour 3:
5.
Overview of cloud service providers (AWS, Azure, Google Cloud Platform).
Deploying machine learning models on the cloud.
Scalability and cost considerations.
6.
Students work on a complete ML application project.
Building, deploying, and presenting the application.