0% found this document useful (0 votes)
220 views41 pages

Gen AI & ML

The Generative AI & ML Job Oriented Program is a comprehensive training initiative aimed at preparing individuals for various roles in Data Science and AI, covering essential tools like Python, PyTorch, TensorFlow, and MLOps. The program includes hands-on labs, real-world projects, and personalized guidance for job readiness, with support for certifications to enhance marketability. Upon completion, participants will be equipped for roles such as Data Scientist, AI Engineer, and Machine Learning Specialist.

Uploaded by

maniarshalin007
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)
220 views41 pages

Gen AI & ML

The Generative AI & ML Job Oriented Program is a comprehensive training initiative aimed at preparing individuals for various roles in Data Science and AI, covering essential tools like Python, PyTorch, TensorFlow, and MLOps. The program includes hands-on labs, real-world projects, and personalized guidance for job readiness, with support for certifications to enhance marketability. Upon completion, participants will be equipped for roles such as Data Scientist, AI Engineer, and Machine Learning Specialist.

Uploaded by

maniarshalin007
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/ 41

GENERATIVE

AI & ML
JOB ORIENTED PROGRAM
Become a Generative AI & ML with Top Trending
Tools and Land High Paying Jobs at Top Companies

Tensorflow

ML OPS

Pytorch

+1-415 481 4467 (US ) +91-7793068396 (IND)


Index
About Prepzee 02

About the Program 05

Program Features 06

Job Profiles In Generative AI & ML 07

Roadmap 08

Tools Covered 09

Labs to Perform 10

Unlock Bonuses worth $500 11

Generative AI & ML Curriculum 13

Projects 33

Placement Support 36

Learn from Industry Experts 38

What Our Learners Have To Say 40


2

About P
Prepzee
repzee
Our Mission & Impact

The More You L E A R N


The More You E A R N

100+ 500+
Training Programs Top Educators

9.1/10 100K+
Avg. Rating Hour Training
Delivered
3

Mentors from brands like

We are featured In
Jio News

Indian News Network.net


4

Featured In

Click to read the whole article


5

About the Program


The Generative AI and ML Job Oriented Program is a
comprehensive training initiative designed to prepare you for a
range of Data Science and AI roles in today’s industry. Through
hands-on labs and real-world projects, you’ll gain expertise with
essential tools like Python, PyTorch, TensorFlow, Generative
AI, Machine Learning, and AWS for building AI-driven solutions
on the cloud.

The curriculum also includes MLOps, equipping you with the


skills to manage and deploy machine learning models at scale
Pytorch
using modern DevOps practices.

Our program includes in-demand industry projects and offers


Tensorflow
personalized guidance to refine your CV, enhance your LinkedIn
profile, and prepare effectively for job interviews. Under the
mentorship of seasoned Generative AI & ML professionals,
you’ll gain practical experience in developing advanced AI
solutions using tools like GPT, BERT, DALL·E, LangChain, and
more.

Upon completing this program, you’ll be ready for roles such as


Data Scientist, AI Engineer, Machine Learning Specialist,
MLOps Engineer, Data Consultant, and AI Architect.
You’ll also have the support and resources to pursue
certifications, giving you a competitive edge in the
job market.

To learn more about the Generative AI and ML


Job Oriented Program and begin your journey,
schedule a free consultation today!
6

Program Features

100+ 80+
Hours Hands-on &
Hours of Live Training
Exercises

15+ 24*7
Projects & Case Technical Support
Studies

Top 1%
Industry Experts Lifetime live
Training Access

Need More Info? Chat with Us


7

Job Profiles In Generative


AI & ML
Machine Learning Engineer Generative AI Specialist
Specializes in designing and Builds and deploys AI models
implementing machine learning that generate content like text,
algorithms, deploying models, and images, or code using tools like
optimizing them for production GPT and other LLMs.
environments.

AI Engineer Deep Learning Engineer


Designs and builds AI models to solve Works on neural networks and
real-world problems using machine deep learning models for tasks
learning, deep learning, and data like image processing, speech
science techniques. recognition, and advanced
analytics

Data Scientist Natural Language


Core responsibilities include Processing (NLP) Engineer
Develops models to analyze and
analyzing large datasets, creating
generate language-based data,
machine learning models, and
with TensorFlow for advanced NLP
uncovering insights to drive
tasks, Python for programming,
business decision
and SQL to access text datasets.
8

ROADMAP
Python Essentials for AI & ML
Learn the core Python skills required
1 to build and deploy powerful AI and
ML models

Statistics for Intelligent


Systems :
Learn the statistical foundations
essential for building reliable and data-
2
driven intelligent systems.

Machine Learning:
Machine Learning enables systems to
3 learn from data, identify patterns, and
make predictions or decisions without
being explicitly programmed.

Deep Learning with PyTorch and


TensorFlow: 4
Statistics for Intelligent Systems :
Learn the statistical foundations
essential for building reliable and
data-driven intelligent systems.
Generative AI (BERT, GPT, DALL-
E, LangChain):
5 Generative AI tools like BERT, GPT,
and DALL-E enable innovative
NLP, text generation, and image
creation.

MLOps on AWS Cloud :


streamlines AI workflows with scalable
model deployment, automated pipelines,
6
and real-time performance monitoring.

CV , Interview Prep & Linkedin Profile Update


9

Tools Covered

Machine
Learning

Pytorch
Tensorflow

Kubernetes

Need More Info? Chat with Us


10

Labs to Perform
LAB 1 - Create and evaluate machine learning models using Scikit-Learn,
focusing on regression, classification, and model evaluation
techniques.

LAB 2 - Build and train a convolutional neural network (CNN) using


PyTorch to classify images in a dataset

LAB 3 - Implement a deep learning model using TensorFlow to process text


data for tasks like sentiment analysis or text classification

LAB 4 - Apply statistical techniques to summarize and analyze data


distributions and relationships, using Python libraries like NumPy
and SciPy.

LAB 5 - Implement BERT (Bidirectional Encoder Representations from


Transformers) for text classification or sentiment analysis tasks.

LAB 6 - Deploy a machine learning model using Flask for serving and Docker
for containerization, making your model accessible via APIs.

Need More Info? Chat with Us


11

Unlock Bonuses worth $500


Bonus 1

AWS Solutions
Architect Associate
Certification Course
FREE COURSE

Bonus 2 Bonus 3

Linux Power BI
Fundamentals Certification Course
Course (Live Training)
FREE COURSE FREE COURSE

Need More Info? Chat with Us


12

Unlock Bonuses worth $500


Bonus 4

SQL Fundamentals
Course
FREE COURSE

Need More Info? Chat with Us


13

Generative AI & ML
Curriculum
Module 1 : Python Fundamentals and Data Structures

1.1 Python Basics: Syntax, Variables, Data Types


1.2 Input and Output (print(), input())
1.3 Basic Operators and Expressions
1.4 Conditional Statements (if, elif, else)
1.5 Loops (for, while)
1.6 Data Structures: Lists, Tuples, Sets, Dictionaries
1.7 List and Dictionary Comprehensions
1.8 Iterating over Data Structures

Hands-On Exercises:

1. Write a Python script to calculate the total cost of a product based on


user input for price and quantity.
2. Create a program to check if a number is even or odd.
3. Create a list of customer names and sort them alphabetically.
4. Create a dictionary mapping products to prices and retrieve a product’s
price based on user input.

Need More Info? Chat with Us


14

Module 2 : File Handling and Data Wrangling with Numpy

2.1 File Handling: Reading and Writing Files (Text and CSV)
2.2 Parsing CSV Files with the csv Module
2.3 Error Handling with Try/Except Blocks
2.4 Introduction to Numpy Arrays and Array Operations
2.5 Reshaping, Indexing, and Slicing Numpy Arrays
2.6 Applying Mathematical Functions and Aggregations to Numpy Arrays
2.7 Working with Multi-Dimensional Data

Hands-On Exercises:

1. Write a script that reads customer data from a text file and prints it to
the console.
2. Write a program to read sales data from a CSV file, calculate total
sales per product, and write the results to a new CSV file.
3. Create a Numpy array from a dataset and perform basic statistical
operations (sum, mean, variance).
4. Reshape a multi-dimensional array and apply transformations (e.g.,
logarithmic, square root).

Need More Info? Chat with Us


15

Module 3 : Data Analysis with Pandas

3.1 Introduction to Pandas DataFrames and Series


3.2 Loading Data from CSV, Excel, or SQL Databases
3.3 Basic Data Frame Operations (Selection, Filtering, Sorting, Grouping)
3.4 Handling Missing Data
3.5 Data Cleaning Techniques (Dealing with Missing Data, Duplicates,
Outliers)
3.6 Data Transformation: Renaming Columns, Changing Data Types, Applying
Functions
3.7 Handling Dates and Times with pd.to_datetime()
3.8 Combining and Merging DataFrames

Hands-On Exercises:

1. Load a sales dataset into a Pandas DataFrame and perform operations


such as filtering for specific products, sorting by sales, and handling
missing values.
2. Write a script to group sales data by region and calculate total sales for
each region.
3. Clean a dataset by removing duplicates, filling missing values, and
transforming date columns into a standard format.
4. Merge two DataFrames containing customer and sales data, then
calculate total sales per customer.

Need More Info? Chat with Us


16

Module 4: Exploratory Data Analysis (EDA) and Data


Visualization

4.1 Descriptive Statistics with Pandas (mean(), median(), mode(), std())


4.2 Data Visualization using Matplotlib and Seaborn (Bar Plots, Histograms,
Box Plots)
4.3 Correlation Analysis and Pairwise Relationships
4.4 Detecting and Visualizing Outliers
4.5 Advanced Visualization Techniques with Matplotlib and Seaborn
4.6 Line Plots, Scatter Plots, and Pie Charts
4.7 Customizing Plots (Titles, Labels, Legends, Colors)
4.8 Creating Subplots and Multi-Panel Figures

Hands-On Exercises:

1. Perform an EDA on a dataset, calculate basic statistics, and visualize


relationships using bar plots and histograms.
2. Visualize correlations between numeric variables in a dataset and
create a heatmap.
3. Create a multi-panel visualization showing sales trends over time and
sales distribution by product.
4. Generate a pie chart to show the market share of different products.

Need More Info? Chat with Us


17

Module 5 : Advanced Data Management and Database


Interaction

5.1 Introduction to Databases with SQLAlchemy


5.2 Writing SQL Queries from Python Using SQLAlchemy ORM
5.3 Loading Data from SQL Databases into Pandas
5.4 Writing Data Back to SQL Databases from Pandas
5.5 Introduction to Views, Stored Procedures, Functions, and Performance
Optimization in Databases

Hands-On Exercises:

1. Write a Python script that connects to a SQL database, extracts sales


data, and loads it into a Pandas DataFrame for analysis.
2. Perform analysis on the data (e.g., find the top customers by revenue)
and write the results back to the-

Need More Info? Chat with Us


18

Module 6: Statistics for Data Analytics

6.1 Univariate Analysis


6.2 Bi Variate Analysis
6.3 Multi Variate Analysis
6.4 Central Tendencies Mean, Median, Mode, Variance Standard Deviation,
6.5 Distribution Probability Distribution
6.6 Normal Distribution
6.7 Hypothesis Testing
6.8 Confidence Interval
6.9 Correlation Vs Covariance
6.10 Central Limit Theorm P value/ Alpha
6.11 Intro to Advance/ Inferential Statistics Hypothesis Testing
6.12 T test Z test Chi Square Anova

Need More Info? Chat with Us


19

Module 7: Introduction to Machine Learning

7.1 What is Machine Learning?


7.2 Why Machine Learning?
7.3 Limitations of Machine Learning
7.4 Prediction Modelling Linear Regression
7.5 Sales Predictions and Forecasting
7.6 Classification using Logistics Regression
7.7 Overview of Supervised and Unsupervised Learning

Hands-On Exercises:

1. Identify examples of supervised and unsupervised learning from a


given dataset.
2. Churn Analysis
3. Fraud Analysis

Need More Info? Chat with Us


20

Module 8 : Training a Model with scikit-learn

8.1 Introduction to scikit-learn


8.2 Core Components of Scikit-learn for Machine learning
8.3 Understanding Regression Problems
8.4 Define regression problems
8.5 Dependent and independent variables, and their roles.
8.6 Train a Regression model using scikit-learn.
8.7 Techniques for assessing model performance
8.8 Techniques for improving model performance, such as feature scaling and
polynomial regression.
8.9 Train a K-Means model on the dataset and visualize the clusters formed.

Hands-On Exercises:

1. Install scikit-learn and load a sample dataset. Practice importing and


understanding datasets within scikit-learn.Load a dataset with
continuous target variables and identify the dependent and
independent variables.
2. Train a simple linear regression model on a sample dataset, such as
predicting house prices
3. Evaluate the trained regression model using MSE and R² on both the
training and test datasets
4. Improve the regression model by scaling features and applying
polynomial regression; compare model results.

Need More Info? Chat with Us


21

Module 9: Supervised Learning in ML

9.1 Linear Regression


9.2 Logistics Regression
9.3 Decision Trees
9.4 Random Forest
9.5 Support Vector Machine (SVM)
9.6 K-Nearest Neighbors (KNN)
9.7 Time Series Forecasting

Hands-On Exercises:

1. Classifying Heart Disease Risk with Logistics Regression


2. Customer Churn Prediction with Decision Tree
3. Predicting Stock Prices using Time Series Forcasting

Module 10: Unsupervised Learning in ML

10.1 K-Means Clustering


10.2 Dimensionality Reduction
10.3 Linear Discriminant Analysis (LDA)
10.4 Principal Component Analysis (PCA)

Hands-On Exercises:

1. Linear Discriminant Analysis (LDA) Exercise: Facial Recognition


2. Principal Component Analysis (PCA) Exercise: Image Compression
3. Feature Reduction and Classification in a High-Dimensional Dataset

Need More Info? Chat with Us


22

Module 11 : Introduction to Deep Learning and


Framework Basics

11.1 Overview of Deep Learning and Neural Networks


11.2 Difference between DS VS ML VS AI
11.3 Setting up TensorFlow, Keras, and PyTorch environments
11.4 Introduction to Tensors, Computation Graphs, and Autograd
11.5 Basics of building and training models in TensorFlow and PyTorch

Hands-On Exercises:

1. Set up TensorFlow, Keras, and PyTorch environments.


2. Create a simple neural network in both TensorFlow and PyTorch.
3. Implement basic tensor operations (addition, multiplication,
reshaping).
4. Visualize computation graphs in TensorFlow.

Need More Info? Chat with Us


23

Module 12 : Deep Neural Networks and Core Architectures

12.1 Artificial Neural Networks (ANN)


12.2 Convolutional Neural Networks (CNN)
12.3 Recurrent Neural Networks (RNN)
12.4 Introduction to Transfer Learning

Hands-On Exercises:

1. Build and train a basic ANN for a simple classification task (e.g.,
MNIST dataset).
2. Implement a CNN for image recognition using a standard dataset (e.g.,
CIFAR-10).
3. Train an RNN model to predict a sequence (e.g., text generation or
temperature prediction).
4. Apply transfer learning to a CNN model for a custom image dataset

Need More Info? Chat with Us


24

Module 13: Advanced Neural Networks (GNN, LSTM)

13.1 Long Short-Term Memory Networks (LSTM)


13.2 Graph Neural Networks (GNN)
13.3 Advanced Recurrent Architectures: Bidirectional RNN, GRU
13.4 Hyperparameter Tuning and Model Optimization

Hands-On Exercises:

1. Train an LSTM model on a time-series dataset (e.g., stock prices or


weather data).
2. Implement a GNN to classify nodes in a graph dataset.
3. Experiment with Bidirectional RNNs on text data.
4. Perform hyperparameter tuning on a CNN model to optimize accuracy.

Need More Info? Chat with Us


26

Module 14: Natural Language Processing (NLP) with Text


Analytics

14.1 Introduction to NLP concepts and text preprocessing (tokenization,


stemming)
14.2 Using NLTK for basic NLP tasks
14.3 Text classification using deep learning (RNN, LSTM)
14.4 Sentiment analysis and text generation

Hands-On Exercises:

1. Preprocess a text dataset using NLTK (e.g., tokenization, stop word


removal).
2. Build a text classification model (e.g., spam detection) using an RNN or
LSTM.
3. Train a sentiment analysis model on movie reviews or Twitter data.
4. Experiment with a text generation model for generating sentences or
paragraphs.

Need More Info? Chat with Us


27

Module 15: Image Recognition and Processing

15.1 Advanced CNNs and image processing techniques


15.2 Object detection and YOLO (You Only Look Once) for real-time detection
15.3 Transfer Learning with pre-trained image models (e.g., ResNet,
Inception)
15.4 Fine-tuning models for specific tasks

Hands-On Exercises:

1. Train a CNN for a custom image recognition task (e.g., animal classification).
2. Apply YOLO for real-time object detection in images or videos.
3. Experiment with transfer learning using a pre-trained model on a new
dataset.
4. Fine-tune the YOLO model on a specific category of objects (e.g., cars or
animals).

Module 16: Introduction to Generative AI

16.1 What is Generative AI?


16.2 Difference between Discriminative vs. Generative models
16.3 Use cases: Chatbots, Image Generation, Code Assistants
16.4 Overview of Text, Image, Audio, and Video generation

Need More Info? Chat with Us


28

Module 17: Foundations of LLMs, Transformers & Prompt


Engineering

17.1 What are Large Language Models (LLMs)?


17.2 Transformer architecture & attention mechanism
17.3 Tokenization, embeddings, context windows
17.4 Pretraining vs. Fine-tuning vs. In-context learning
17.5 Zero-shot, few-shot, and chain-of-thought prompting
17.6 Prompt design best practices
17.7 Prompt debugging

Hands-On Exercises:

1. Tools: Hugging Face Transformers, OpenAI Playground

Module 18: Working with APIs & Pretrained Models

18.1 OpenAI API (ChatGPT, DALL·E, Whisper)


18.2 Hugging Face Inference API
18.3 Building apps using LLM APIs

Need More Info? Chat with Us


29

Module 19: Building GenAI Applications (LangChain


& RAG)

19.1 LangChain essentials (chains, agents, memory)


19.2 Working with vector stores (Pinecone, FAISS, Chroma)
19.3 Retrieval-Augmented Generation (RAG)
19.4 Connecting LLMs to PDFs, websites, and SQL

Module 20: Fine-Tuning and Customization

20.1 Introduction to LoRA, PEFT, and parameter-efficient fine-tuning


20.2 Fine-tune small open-source models on your own data
20.3 Use cases: domain-specific chatbots, customer service models

Module 21: Real-Time GenAI App Deployment

21.1 Hosting on Hugging Face Spaces, Streamlit Cloud, or Vercel


21.2 Handling tokens, secrets, and error logging
21.3 UI/UX best practices for GenAI apps

Need More Info? Chat with Us


30

Module 22: MLOps Essentials

22.1 Introduction to MLOps


22.2 MLOps vs. DevOps
22.3 SDLC Basics
22.4 What is Cloud Computing
22.5 AWS Introduction
22.6 S3
22.7 Waterfall vs AGILE vs DevOps vs MLOps
22.8 MLOps Phases
22.9 Model Packaging

Module 23: Version Control System

23.1 Git Essentials


23.2 Configuring Git
23.3 Branching
23.4 Git Workflow
23.5 Repo
23.6 Git Commands
23.7 Tracking and managing changes to code
23.8 Source Code Management
23.9 Tracking and Saving Changes in Files

Need More Info? Chat with Us


31

Module 24: CI/CD for ML Models

24.1 Introduction to CI/CD


24.2 CI/CD Challenges
24.3 CI/CD Implementation in ML
24.4 Popular DevOps Tools
24.5 AWS CodeCommit
24.6 AWS CodePipeline
24.7 AWS CodeBuild
24.8 AWS CodeDeploy

Module 25: Docker & Kubernetes for ML Deployment

25.1 Docker Architecture


25.2 Docker for Machine Learning
25.3 Continuous Deployment
25.4 Writing a Dockerfile to Create an Image
25.5 Installing Docker Compose
25.6 Configuring Local Registry
25.7 Container Orchestration
25.8 Application Deployment
25.9 Kubernetes Core Concepts

Need More Info? Chat with Us


32

Module 26 : CV,Interview Prep & LinkedIn Profile update

26.1: CV Preperation
26.2: Interview Preperation
26.3: LinkedIn Profile Update
26.4: Expert Tips & Tricks

Need More Info? Chat with Us


33

Projects
Project 1

Build & Finetune a LLM Model for E-commerce

In this LLM Project you will learn to build a knowledge-


grounded chatbot using LLM's and learn how to fine tune it.

Project 2
Build a Customer Support App using
Langchain

This Langchain project aims to seamlessly integrate LLM


technology with databases, PDF knowledge bases, and audio
processing agents to create a comprehensive customer support
application.

Project 3
Build & Deploy an AI Resume Analyser with Open
AI and Azure

In this AI Resume Analyzer project, you will learn to build and deploy
AI resume analyzer that helps job seekers assess how effectively their
resumes match job descriptions using OpenAI's language models and
Azure's cloud infrastructure.
34

Project 4
Product Recommendation System for E-
commerce Using TensorFlow

Build a personalized recommendation system for an e-


commerce platform using TensorFlow. The goal is to enhance
user engagement by suggesting relevant products based on
customer browsing and purchase history, thus improving
conversion rates and customer satisfaction.

Project 5
Social Media Sentiment Analysis and Trend Prediction
Using PyTorch

Create a sentiment analysis and trend prediction model with PyTorch to


analyze social media posts. The project will identify user sentiment,
track trending topics, and predict sentiment shifts over time, supporting
content moderation, marketing, and engagement strategies.

Project 6
Stock Price Monitoring and Alert System Using Python

Create a stock price monitoring and alert system in Python that


tracks the prices of selected stocks, analyzes trends, and sends
notifications when certain price thresholds are met. This project
supports informed decision-making for investors by providing instant
updates and insights.
35

Project 7
Fraud Detection System for E-Commerce Transactions
Using Machine Learning

Develop a fraud detection system for e-commerce transactions using


machine learning. This project aims to identify and flag potentially
fraudulent transactions as they happen, helping reduce financial losses
and increase customer trust.

Project 8
Automated Model Deployment and Monitoring for
Customer Churn Prediction

Build an end-to-end MLOps pipeline for a customer churn prediction


model in a subscription-based business. Use tools like AWS
SageMaker, Docker, Kubernetes, and CI/CD pipelines to automate the
deployment, monitoring, and retraining of the model.
36

PLACEMENT SUPPORT
"The More You Learn, The More You Earn"

Resume
Building

LinkedIn Profile
Upadation

Interview
Preparation

Sample
Exam Papers

Need More Info? Chat with Us


37

5,000+ Careers Advanced

Aman Yadav
Senior Associate Product Compliance at Amazon

Journey From Non-IT to IT

Abhishek Pareek
Technical Manager at Capgemini

Got 200% Salary Hike

Vishal Purohit
Product Manager at Icertis

Immense Job opportunities

Ranjith Kumar
Developer Cissco

Got 2 job offers with 400% salary hike


38

learn from
Industry Experts
Nitesh Prajapat
Senior cloud architect at Capgemini
Microsoft , Adobe & amp ; AWS certified young and dynamic
professional with 14+ years of industry experience . Trained 8200+
professionals , and counting , on all cloud technologies .

Vaibhav
Cybersecurity manager at Cisco
Always learning and always yearning , have delivered more than
200+ mentoring / training sessions online on Cyber Security , CEH ,
CCNA , Microsoft Azure , and Network Security to more than 20000
students .

Neeraj
Python Senior Data Engineer at IBM
Skilled in Python , Microsoft Azure , ETL , Big Data , Herok technolo
gies and frameworks with practical hands - on experience from the
last 12 years .

Venkatesh G
Engaging , understanding , and knowledgeable technical trainer with
over 18 years of experience in a variety of software pro grams and
technologies including Data Science , Artificial Intelli gence , Data
Engineering , Business Intelligence AWS , Azure and GCP , DevOps ,
AEM , IOS , UI / UX .
39

Rahul Sachdeva
Network Manager - TCS
An Information security enthusiast and a security researcher for the
past 10+ yrs . He specialises in domains ranging from responsible
and diversified exposure in project & amp ; program management ,
System , Network & amp ; Internet Security .

Manohar G
Senior Analyst at Accenture
15+ Years of Experience in Automation , DevOps , Software Testing
with Testing Tools ( Industry & Training ) . Having Experience in
Manual Testing , and Automation & amp ; Performance Testing

Sidharth
Hewlett Packard DevOps Engineer
As a Data Engineer , I have 15+ experience working on different cloud
environments on various projects.I currently lead multi - work stream
projects as a Cloud analyst and DevOps Engineer.Work on DevOps Tools :
Git Hub , Jenkins , Ansible , Docker , Kubernetes

Manish Jaiswal
Technical lead Pfizer
Takes real pride and joy in his work , a cloud and web develop ment
professional having an experience of 12+ Years in Cloud cost
optimization , Cloud solution architect , and Disaster . recovery .

Pratik K
Group head Analyst JPMorgan
Expertise in Tableau and SQL from the last 12 years . As a Tableau
Developer , Proficient in designing and developing data visual izations
using Tableau and working with Tableau Desktop , Tableau Server .
40

What Our Learners


Have To Say

Manish Saini
Vise President Fit Web
We wanted to train our team in Data lake , snowflake and shared the
requirement with Prepzee we are thankful they have given the
curriculum which we were looking for and went with the training for a
team of 20 people including me . The training was amazing .

Nishant Jain
Senior Devops Engineer at Encora
I enrolled for DevOps Azure certification . The course gave me the right
number of pointers and resources to handle my ongoing projects in
DevOps to handle the team of DevOps and Azure .

Amit Sharma
Senior Software Engineer at Visa
My overall experience was great and Prepzee has helped me in
switching my career from java developer to cloud by providing training
from industry experts . I enrolled for Azure Certification training which
covered all pointers of Azure .
prepzee.com

For Further Details, Contact Us

[email protected]

+1-415 481 4467 (US)

+91-7793068396

We are available 24*7

You might also like