0% found this document useful (0 votes)
91 views

The Complete Data Science Course

This 150-hour specialization covers applied data science and machine learning. It includes courses in programming fundamentals, data analysis and visualization with Python libraries like NumPy and Pandas, machine learning algorithms for regression, classification, clustering and recommender systems, natural language processing, deep learning, computer vision, and MLOps best practices for model development, deployment and monitoring. Students will also complete industry-oriented projects to develop job-ready skills and portfolio work.

Uploaded by

Vivek Deshpande
Copyright
© © All Rights Reserved
Available Formats
Download as DOCX, PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
91 views

The Complete Data Science Course

This 150-hour specialization covers applied data science and machine learning. It includes courses in programming fundamentals, data analysis and visualization with Python libraries like NumPy and Pandas, machine learning algorithms for regression, classification, clustering and recommender systems, natural language processing, deep learning, computer vision, and MLOps best practices for model development, deployment and monitoring. Students will also complete industry-oriented projects to develop job-ready skills and portfolio work.

Uploaded by

Vivek Deshpande
Copyright
© © All Rights Reserved
Available Formats
Download as DOCX, PDF, TXT or read online on Scribd
You are on page 1/ 5

Applied Data Science with Machine Learning Specialization

Duration: 150 Hours

Programming Fundamentals:

 Expressions (2 hours)
o Basic mathematical operations
o String concatenation and string formatting
 Flow Control (4 hours)
o If-else statements
o For and while loops
o Conditional expressions and the ternary operator
o try-except statements for error handling
 Functions (6 hours)
o Defining and calling functions
o Parameters and arguments
o Return values
o Scope, default arguments, and keyword arguments
o Recursion
 Built-in Data Structures (8 hours)
o Lists, tuples, dictionaries, and sets
o List and dictionary comprehension
o Advanced list and dictionary methods, such as sorting and filtering
o Advanced use cases, such as nested data structures

Data Analysis and Visualization:

Numpy (4 hours)
o Introduction to Numpy
o Numpy arrays
o Array operations and manipulations
o Broadcasting
o Linear algebra with Numpy
 Pandas (8 hours)
o Introduction to Pandas
o Series and DataFrame
o Data import and export
o Data cleaning and preprocessing
o Groupby and aggregation
o Merging and joining DataFrames
 Series & DataFrame (4 hours)
o Indexing and slicing
o Handling missing data
o Data transformation
 Data Visualization using Seaborn and Matplotlib (14 hours)
o Introduction to data visualization
o Matplotlib and Seaborn basics
o Line plots, scatter plots, and histograms
o Bar plots and box plots
o Heatmaps and pair plots
o Advanced visualization techniques, such as facet grids and categorical plots
o Visualization best practices

Machine Learning:

 Supervised Machine Learning: Regression and Classification (15 hours)


o Introduction to supervised machine learning
o Linear regression, multiple linear regression, and regularization
o Logistic regression and classification
o Decision Trees and Random Forest
o Support Vector Machines
 Unsupervised Learning (8 hours)
o Introduction to unsupervised learning
o Clustering: k-means, hierarchical clustering, and density-based clustering
o Dimensionality reduction: PCA and t-SNE
o Anomaly detection
 Recommender Systems (7 hours)
o Introduction to Recommender Systems
o Collaborative filtering
o Content-based filtering
o Hybrid systems
o Matrix factorization and Singular Value Decomposition
o Evaluation of Recommender Systems

Natural Language Processing:


 Introduction to NLP (2 hours)
o Overview of NLP and its applications
o Text data preprocessing
o Tokenization, stemming, and lemmatization
 Text Representation (4 hours)
o Bag of words
o TF-IDF
o Word embeddings
o Sentence embeddings
 Text Classification (4 hours)
o Supervised text classification
o Unsupervised text classification
o Text classification with deep learning
 Named Entities Recognition (NER) (2 hours)
o Introduction to NER
o Rule-based NER
o Statistical NER
o Neural NER
 Sentiment Analysis (4 hours)
o Introduction to sentiment analysis
o Supervised sentiment analysis
o Unsupervised sentiment analysis
o Sentiment analysis with deep learning
 Text Generation (4 hours)
o Introduction to text generation
o Language models
o Text generation using deep learning

Deep Learning:

 Introduction to Deep Learning (2 hours)


o Overview of deep learning and its applications
o Understanding artificial neural networks
 Feedforward Neural Networks (4 hours)
o Introduction to feedforward neural networks
o Backpropagation
o Gradient descent
o Activation functions
 Convolutional Neural Networks (CNNs) (4 hours)
o Introduction to CNNs
o Convolutional layers
o Pooling layers
o Applications in image classification
 Recurrent Neural Networks (RNNs) (4 hours)
o Introduction to RNNs
o Long Short-Term Memory (LSTM)
o Applications in natural language processing and sequential data
 Autoencoders (4 hours)
o Introduction to autoencoders
o Types of autoencoders
o Applications in dimensionality reduction and anomaly detection
 Generative Models (4 hours)
o Introduction to generative models
o Generative Adversarial Networks (GANs)
o Variational Autoencoders (VAEs)
o Applications in image generation and text generation

Computer Vision:
 Introduction to Computer Vision (2 hours)
o Overview of computer vision and its applications
o Understanding image data and digital image processing
 Image Processing (4 hours)
o Image enhancement and restoration
o Image segmentation
o Feature extraction and object detection
 Object Detection (4 hours)
o Introduction to object detection
o Scale-Invariant Feature Transform (SIFT)
o Speeded Up Robust Feature (SURF)
o Fast R-CNN, YOLO
 Image Segmentation (4 hours)
o Introduction to image segmentation
o K-means clustering and Gaussian Mixture Model (GMM)
o Semantic segmentation and instance segmentation
 Image Classification (4 hours)
o Introduction to image classification
o Support Vector Machine (SVM)
o Neural networks and CNNs
o Transfer learning
 Object Tracking (4 hours)
o Introduction to object tracking
o Optical flow and Lucas-Kanade algorithm
o Kalman filter and Particle filter
o Deep learning-based object tracking

MLOps
 Introduction to MLOps (2 hours)
o Overview of MLOps and its importance
o Understanding the MLOps pipeline
 Data Management (4 hours)
o Data collection, cleaning and pre-processing
o Data storage and versioning
 Model Development (4 hours)
o Model selection and tuning
o Hyperparameter tuning
o Model evaluation
 Model Deployment (4 hours)
o Model packaging and deployment
o Continuous integration and delivery
o Model management and monitoring
 Model Governance (4 hours)
o Model explainability and interpretability
o Model documentation and lineage
o Model audit and compliance
 MLOps Tools (4 hours)
o Introduction to MLOps tools
o MLFlow, TensorFlow Extended (TFX) and Kubeflow
o Jenkins, Travis CI and CircleCI
o Prometheus, Grafana and ELK

Note : To help students apply their knowledge in a real-world setting, we will also be
working on several industry-oriented projects throughout the course. These projects will
provide students with hands-on experience and the opportunity to develop a portfolio of
work that they can show to potential employers.

You might also like