Contact Program Manager

87925 36239

Job Guarantee

Data Science Architect Program

  • Gain 1.5 years of Research Project Experience Certificate

  • 320+ hours Live Training Interactive Sessions by Data Scientists

  • 100% Job Assistance Program In collaboration with Top HR Consulting Firms across PAN INDIA

  • Get an opportunity to do research work in Singapore based GEEKLURN AI

  • Start paying your EMI only after getting job till end of course

  • Up to 2 lakhs Research Project Scholarship

Apply Now

18.7 LPA

Highest Salary Offered

7 LPA *

Minimum Gurantee

30%

Average Salary Hike

300+

Hiring Partners

3X

Increase in Interview Opportunities

Our Alumni

Meet the students who passed out as Data Science professionals & placed in the top MNC by Geeklurn HR team.

Shashi Kiran

Data Scientist at Tata Consultancy Services

Offer 14 LPA

Data Analyst In HCL

Machine Learning Engineer

Vamshi Krishna

Assistant Manager- Technical Deloitte USI

Software Engineer In Accenture

Assistant Manager - Technical

Shammer khan

Data Scientist - IMPETUS

Offer 9 LPA

Software Engineer In DXC

Data Scientist

Chethan

Data Scientist In Smart data Enterprises inc.

Offer 8 LPA

Design Engineer In Vengala Engineering Design Services (VEDS)

Data Scientist

Jay Prakash

Assistant manager In Flipkart

Offer 30% Hike

NIL/FRESHER

Assistant manager

T G Preetham

Data Engineer In Geeklurn AI software solutions Pvt Ltd

Offer 25% Hike

Data Engineer In Vaidehi Software Technologies

Data Engineer

What Our Students Are Saying

Main Syllabus

Introduction to data science

Learning Objectives: Business Intelligence Vs Data AnalysisVs Data Scientist

Data Scientist Roles

Different disciplines of data science:

  • Machine Learning
  • Natural Language Processing
  • Deep Learning

Applications of Machine Learning

Why Machine Learning is the Future

  • Creating the “Hello World” code
  • Demonstrating Conditional Statements
  • Variables
  • Demonstrating Loops

What are prerequisites for Data Science

  • Statistics
  • Python essentials for Data Science
Statistics & Probability
  • Descriptive statistics and Inferential Statistics
  • Sample and Population
  • Variables and Data types
  • Percentiles   
  • Measures of Central Tendency
  • Measures of Spread
  • Skewness, Kurtosis
  • Degrees of freedom
  • Variance, Covariance, Correlation
  • Descriptive statistics and Inferential Statistics in Python
  • Test of Hypothesis
  • Confidence Interval
  • Sampling Distribution
  • Standard Probability Distribution Functions
  • Bernoulli, Binomial-distributions
  • Normal distributions
EDA and Data Visualization
  • Data Transformations
  • Outlier Detection and Management
  • Charts and Graphs
  • One Dimensional Chart
  • Box plots
  • Bar graph
  • Histogram
  • Scatter plots
  • Multi-Dimensional Charts
  •  
Introduction to Python

Learning Objectives: You will get a brief idea of what Python is and touch on the basics.

Topics:

  • Overview of Python
  • Different Applications where Python is used
  • Values, Types, Variables
  • Conditional Statements
  • Command Line Arguments
  • The Companies using Python
  • Discuss Python Scripts on UNIX/Windows
  • Operands and Expressions
  • Loops
  • Writing to the screen

Hands-On/Demo: 

  • Creating the “Hello World” code
  • Demonstrating Conditional Statements
  • Variables
  • Demonstrating Loops

Skills:

  • Fundamentals of Python programming
Deep Dive – Functions, OOPs, Modules, Errors and Exceptions

Learning Objectives: In this module, you will learn how to create generic Python scripts, how to address errors/exceptions in code and finally how to extract/filter content using regex.

Topics:

  • Functions
  • Global Variables
  • Lambda Functions
  • Standard Libraries
  • The Import Statements
  • Package Installation Ways
  • Handling Multiple Exceptions
  • Function Parameters
  • Variable Scope and Returning Values
  • Object-Oriented Concepts
  • Modules Used in Python
  • Module Search Path
  • Errors and Exception Handling

Hands-On/Demo:

  • Functions – Syntax, Arguments, Keyword Arguments, Return Values
  • Sorting – Sequences, Dictionaries, Limitations of Sorting
  • Packages and Module – Modules, Import Options, Sys Path
  • Lambda – Features, Syntax, Options, Compared with the Functions
  • Errors and Exceptions – Types of Issues, Remediation

Skills:

  • Error and Exception management in Python
  • Working with functions in Python
Data Manipulation

Learning Objectives: Through this module, you will understand in-detail about Data Manipulation

Topics:

  • Basic Functionalities of a data object
  • Concatenation of data objects
  • Exploring a Dataset
  • Merging of Data objects
  • Types of Joins on data objects
  • Analysing a dataset

Hands-On/Demo:

  • Pandas Function- Ndim(), axes(), values(), head(), tail(), sum(), std(), iteritems(), iterrows(), itertuples()
  • Aggregation
  • Merging
  • GroupBy operations
  • Concatenation
  • Joining

Skills:

  • Python in Data Manipulation
Introduction to Machine Learning with Python

Learning Objectives: In this module, you will learn the concept of Machine Learning and its types.

Topics:

  • Python Revision (numpy, Pandas, scikit learn, matplotlib)
  • Machine Learning Use-Cases
  • Machine Learning Categories
  • Gradient descent
  • What is Machine Learning?
  • Machine Learning Process Flow
  • Linear regression

Hands-On/Demo:

  • Linear Regression – Boston Dataset

Skills:

  • Machine Learning concepts
  • Linear Regression Implementation
  • Machine Learning types
Supervised Learning - I

Learning Objectives: In this module, you will learn Supervised Learning Techniques and their implementation, for example, Decision Trees, Random Forest Classifier, etc.

Topics:

  • What are Classification and its use cases?
  • Algorithm for Decision Tree Induction
  • Confusion Matrix
  • What is Decision Tree?
  • Creating a Perfect Decision Tree
  • What is a Random Forest?

Hands-On/Demo:

  • Implementation of Logistic regression
  • Random forest
  • Decision tree

Skills:

  • Supervised Learning concepts
  • Evaluating model output
  • Implementing different types of Supervised Learning algorithms
Dimensionality Reduction

Learning Objectives: In this module, you will learn about the impact of dimensions within data. You will be taught to perform factor analysis using PCA and compress dimensions. Also, you will be developing the LDA model.

Topics:

  • Introduction to Dimensionality
  • PCA
  • Scaling dimensional model
  • Why Dimensionality Reduction
  • Factor Analysis
  • LDA

Hands-On/Demo: 

  • PCA
  • Scaling

Skills: 

  • Implementing Dimensionality Reduction Technique
Supervised Learning - II

Learning Objectives: In this module, you will learn Supervised Learning Techniques and their implementation, for example, Decision Trees, Random Forest Classifier, etc.

Topics:

  • What is Naïve Bayes?
  • Implementing Naïve Bayes Classifier
  • Illustrate how Support Vector Machine works?
  • Grid Search vs Random Search
  • How Naïve Bayes works?
  • What is Support Vector Machine?
  • Hyperparameter Optimization
  • Implementation of Support Vector Machine for Classification

Hands-On/Demo:

  • Implementation of Naïve Bayes, SVM

Skills:

  • Supervised Learning concepts
  • Evaluating model output
  • Implementing different types of Supervised Learning algorithms
Unsupervised Learning

Learning Objectives: In this module, you will learn about Unsupervised Learning and the various types of clustering that can be used to analyze the data.

Topics:

  • What is Clustering & its Use Cases?
  • How does the K-means algorithm work?
  • What is C-means Clustering?
  • How Hierarchical Clustering works?
  • What is K-means Clustering?
  • How to do optimal clustering
  • What is Hierarchical Clustering?

Hands-On/Demo:

  • Implementing K-means Clustering
  • Implementing Hierarchical Clustering

Skills:

  • Unsupervised Learning
  • Implementation of Clustering – various types

 

Association Rules Mining and Recommendation Systems

Learning Objectives: In this module, you will learn Association rules and their extension towards recommendation engines with the Apriori algorithm.

Topics:

  • What are Association Rules?
  • Calculating Association Rule Parameters
  • How does Recommendation Engines work?
  • Content-Based Filtering
  • Association Rule Parameters
  • Recommendation Engines
  • Collaborative Filtering

Hands-On/Demo:

  • Apriori Algorithm
  • Market Basket Analysis

Skills:

  • Data Mining using Python
  • Recommender Systems using Python
Reinforcement Learning

Learning Objectives: In this module, you will learn about Unsupervised Learning and the various types of clustering that can be used to analyse the data.

Topics:

  • What is Reinforcement Learning
  • Elements of Reinforcement Learning
  • Epsilon Greedy Algorithm
  • Q values and V values
  • α values
  • Why Reinforcement Learning
  • Exploration vs Exploitation dilemma
  • Markov Decision Process (MDP)
  • Q – Learning

Hands-On/Demo:

  • Calculating Reward
  • Calculating Optimal quantities
  • Setting up an Optimal Action
  • Discounted Reward
  • Implementing Q Learning

Skills:

  • Implement Reinforcement Learning using Python
  • Developing Q Learning model in Python
Time Series Analysis

Learning Objectives: In this module, you will learn about Time Series Analysis to forecast dependent variables based on time. You will be taught different models for time series modeling such that you analyse a real time-dependent data for forecasting.

Topics:

  • What is Time Series Analysis?
  • Components of TSA
  • AR model
  • ARMA model
  • Stationarity
  • Importance of TSA
  • White Noise
  • MA model
  • ARIMA model
  • ACF & PACF

Hands-on/demo:

  • Checking Stationarity
  • Implementing the Dickey-Fuller Test
  • Generating the ARIMA plot
  • Converting a non-stationary data to stationary
  • Plot ACF and PACF
  • TSA Forecasting

Skills:

  • TSA in Python
Model Selection and Boosting

Learning Objectives: In this module, you will learn about selecting one model over another. Also, you will learn about Boosting and its importance in Machine Learning. You will learn on how to convert weaker algorithms into stronger ones.

Topics:

  • What is the Model Selection?
  • Cross-Validation
  • How Boosting Algorithms work?
  • Adaptive Boosting
  • The need for Model Selection
  • What is Boosting?
  • Types of Boosting Algorithms

Hands-On/Demo:

  • Cross-Validation
  • AdaBoost

Skills:

  • Model Selection
  • Boosting algorithm using Python
Sequences and File Operations

Learning Objectives: Learn different types of sequence structures, related operations and their usage. Also learn diverse ways of opening, reading, and writing to files.

Topics:

  • Python files I/O Functions
  • Strings and related operations
  • Lists and related operations
  • Sets and related operations
  • Numbers
  • Tuples and related operations
  • Dictionaries and related operations

Hands-On/Demo:

  • Tuple – properties, related operations, compared with a list
  • Dictionary – properties, related operations
  • List – properties, related operations
  • Set – properties, related operations

Skills:

  • File Operations using Python
  • Working with data types of Python

 

Introduction to NumPy, Pandas and Matplotlib

Learning Objectives: This module helps you get familiar with the basics of statistics, different types of measures and probability distributions, and the supporting libraries in Python that assist in these operations. Also, you will learn in detail about data visualisation.

Topics:

  • NumPy – arrays
  • Indexing slicing and iterating
  • Pandas – data structures & index operations
  • matplotlib library
  • Markers, colours, fonts and styling
  • Contour plots
  • Operations on arrays
  • Reading and writing arrays on files
  • Reading and Writing data from Excel/CSV formats into Pandas
  • Grids, axes, plots
  • Types of plots – bar graphs, pie charts, histograms

Hands-On/Demo:

  • NumPy library- Creating NumPy array, operations performed on NumPy array
  • Matplotlib – Using Scatterplot, histogram, bar graph, a pie chart to show information, Styling of Plot
  • Pandas library- Creating series and data frames, Importing and exporting data

Skills:

  • Probability Distributions in Python
  • Python for Data Visualisation
Which case studies will be a part of this Python Certification Course ?
This course comprises of 40 case studies that will enrich your learning experience. In addition, we also have 4 Projects that will enhance your implementation skills. Below are a few case studies, which are part of this course:
  • Case Study 1: Maple Leaves Ltd is a start-up company that makes herbs from different types of plants and leaves. Currently, the system they use to classify the trees which they import in a batch is quite manual. A laborer from his experience decides the leaf type and subtype of the plant family. They have asked us to automate this process and remove any manual intervention from this process.
  • Case Study 2: BookRent is the largest online and offline book rental chain in India. The company charges a fixed fee per month plus rental per book. So, the company makes more money when the user rents more books. You as an ML expert and must model a recommendation engine so that the user gets a recommendation of books based on the behavior of similar users. This will ensure that users are renting books based on their individual tastes. The company is still unprofitable and is looking to improve both revenue and profit. Compare the Error using two approaches – User-Based Vs Item BasedYou have to classify the plant leaves by various classifiers from different metrics of the leaves and to choose the best classifier for future reference.
  • Case Study 3: Handle missing values and fit a decision tree and compare its accuracy with a random forest classifier. Predict the survival of a horse based on various observed medical conditions. Load the data from ‘horses.csv’ and observe whether it contains missing values. Replace the missing values by the most frequent value in each column. Fit a decision tree classifier and observe the accuracy. Fit a random forest classifier and observe the accuracy.
  • Case Study 4: Principal component analysis using scikit learn. Load the digits dataset from sklearn and write a helper function to plot the image. Fit a logistic regression model and observe the accuracy. Using scikit learn to perform a PCA transformation such that the transformed dataset can explain 95% of the variance in the original dataset. Compare it with a model and also comment on the accuracy. Compute the confusion matrix and count the number of instances that have gone wrong. For each of the wrong sample, plot the digit along with the predicted and original label.
  • Case Study 5: Handling GIS data and working with maps. Creating, cleaning, collating and visualizing maps of India at different levels – state, district, taluka, and villages. Using Geopandas, Mapviz, and leaflet in Python to perform spatial analytics and visualizing statistics with geographical context. Using public data of government expenditure, identify the areas and districts with the highest expenditure per capita in different states and all over India.
Which kind of projects will be a part of this Python Certification Course?
Project #1: Industry: Social Media
  • Problem Statement: You as ML expert have to do analysis and modeling to predict the number of shares of an article given the input parameters.
  • Actions to be performed: Load the corresponding dataset. Perform data wrangling, visualisation of the data and detect the outliers, if any. Use the plotly library in Python to draw useful insights out of data. Perform regression modeling on the dataset as well as decision tree regressor to achieve your Learning Objectives. Also, use scaling processes, PCA along with boosting techniques to optimise your model to the fullest.
Project #2: Industry: FMCG
  • Problem Statement: You as an ML expert have to cluster the countries based on various sales data provided to you across years.
  • Actions to be performed: You have to apply an unsupervised learning technique like K means or Hierarchical clustering so as to get the final solution. But before that, you have to bring the exports (in tons) of all countries down to the same scale across the years. Plus, as this solution needs to be repeatable you will have to do PCA so as to get the principal components that explain the max variance.
Natural Language Processing with deep Learning in Python

WHAT YOU WILL LEARN

  • Understand and implement word2vec
  • Understand the CBOW method in word2vec
  • Understand the skip-gram method in word2vec
  • Understand the negative sampling optimisation in word2vec
  • Understand and implement GloVe using gradient descent and alternating least squares
  • Use recurrent neural networks for parts-of-speech tagging
  • Use recurrent neural networks for named entity recognition
  • Understand and implement recursive neural networks for sentiment analysis
  • Understand and implement recursive neural tensor networks for sentiment analysis
Natural Language Processing in TensorFlow

WHAT YOU WILL LEARN

  • Build natural language processing systems using TensorFlow
  • Process text, including tokenisation and representing sentences as vectors 
  • Apply RNNs, GRUs, and LSTMs in TensorFlow 
  • Train LSTMs on existing text to create original poetry and more
Module 1 : Introduction to Natural Language Processing
  • Getting Started 

  • Knowing each other 

  • Welcome to the Course 

  • About the Course

  • Introduction to Natural Language Processing 

  • Exercise: Introduction to Natural Language Processing 

  • Podcast with NLP Researcher Sebastian Ruder

Module 2 : A Refresher to Python
  • Installation steps for Linux

  • Installation steps for Mac 

  • Installation steps for Windows

  • Packages Installation 

  • Introduction to Python 

  • Variables and Operators 

  • Exercise: Variables and Operators 

  • Python Lists 

  • Exercise: Python Lists

  • Dictionaries 

  • Exercise: Dictionaries 
  • Conditional Statements 
  • Exercise: Conditional Statements 
  • Loops 
  • Exercise: Loops 
  • Functions 
  • Python Functions Practice 
  • Exercise: Functions 
  • Packages 
  • Exercise: Packages 
  • Files 
  • Exercise: Files

Module 3 : Learn to use Regular Expressions
  • Welcome to Module 
  • Understanding Regular Expression 
  • Implementing Regular Expression in Python 
  • Exercise: Implementing Regular Expression in Python 
  • Regular Expressions in Action
Module 4 : First Step of NLP - Text Processing
  •  Welcome to Module 
  • Tokenization and Text Normalisation 
  • Exercise: Tokenisation and Text Normalisation 
  • Exploring Text Data 
  • Part of Speech Tagging and Grammar Parsing 
  • Exercise: Part of Speech Tagging and Grammar Parsing 
  • Implementing Text Pre-processing Using NLTK
  • Exercise: Implementing Text Pre-processing Using NLTK 
  • Natural Language Processing Techniques using spaCy
Module 5 : Extracting Named Entities from Text
  • Welcome to Module 
  • Understanding Named Entity Recognition 
  • Exercise: Understanding Named Entity Recognition 
  • Implementing Named Entity Recognition
  • Exercise: Implementing Named Entity Recognition 
  • Named Entity Recognition and POS tagging using spaCy
  • POS and NER in Action: Text Data Augmentation 
  • Assignment: Share your learning and build your profile
Module 6 : Feature Engineering for Text
  • Introduction to Text Feature Engineering 

  • Count Vector, TFIDF Representations of Text 

  • Exercise: Introduction to Text Feature Engineering 

  • Understanding Vector Representation of Text 

  • Exercise: Understanding Vector Representation of Text 

  • Understanding Word Embeddings 

  • Word Embeddings in Action – Word2Vec

  • Word Embeddings in Action – GloVe

Module 7 : Mastering the Art of Text Cleaning
  • Introduction to Text Cleaning Techniques Part 1 

  • Exercise: Introduction to Text Cleaning Techniques Part 1 

  • Introduction to Text Cleaning Techniques Part 2 

  • Exercise: Introduction to Text Cleaning Techniques Part 2 

  • Text Cleaning Implementation 

  • Exercise: Text Cleaning Implementation 

  • NLP Techniques using spaCy

Module 8 : Project I - Social Media Information Extraction
  • Project I – Social Media Information Extraction

Module 9 : Interpreting Patterns from Text - Topic Modelling
  • Introduction to Topic Modelling 
  • Exercise: Introduction to Topic Modelling
  • Understanding LDA 
  • Exercise: Understanding LDA 
  • Implementation of Topic Modelling 
  • Exercise: Implementation of Topic Modelling 
  • LSA for Topic Modelling
Module 10: Project II - Categorisation of Sports Articles
  • Understanding the Problem Statement 
  • Importing Dataset 
  • Text Cleaning and Pre-processing 
  • Categorising Articles using Topic Modelling
Module 11.1 : Machine Learning Algorithms
  • Types of Machine Learning Algorithms 
  • Logistic Regression 
  • Decision Tree 
  • Naive Bayes 
  • SVM (Support Vector Machine) 
  • Random Forest
Module 11.2 : Understanding Text Classification
  • Overview of Text Classification 
  • Exercise: Overview of Text Classification 
  • Assignment: Share your learning and build your profile
Module 12.1 : Introduction to Deep Learning (Optional)
  • Getting started with Neural Network 
  • Exercise: Getting started with Neural Network 
  • Understanding Forward Propagation 
  • Exercise: Forward Propagation 
  • Math Behind forwarding Propagation 
  • Exercise: Math Behind forwarding Propagation 
  • Error and Reason for Error
  • Exercise: Error and Reason for Error 
  • Gradient Descent Intuition 
  • Understanding Math Behind Gradient Descent
  • Exercise: Gradient Descent 
  • Optimiser 
  • Exercise: Optimiser 
  • Back Propagation 
  • Exercise: Back Propagation 
  • Why Keras? 
  • Exercise: Why Keras? 
  • Building a Neural Network for Text Classification 
  • Why CNN? 
  • Exercise: Why CNN? 
  • Understanding the working of CNN Filters
  • Exercise: Understanding the working of CNN Filters 
  • Introduction to Padding 
  • Exercise: Introduction to Padding 
  • Padding Strategies 
  • Exercise: Padding Strategies 
  • Padding Strategies in Keras 
  • Exercise: Padding Strategies in Keras 
  • Introduction to Pooling 
  • Exercise: Introduction to Pooling 
  • CNN architecture and it’s working 
  • Exercise: CNN architecture and it’s working
Module 12.2 : Deep Learning for NLP
  • Deep Learning for NLP Part 1 
  • Exercise: Deep Learning for NLP Part 1 
  • Deep Learning for NLP Part 2 
  • Exercise: Deep Learning for NLP Part 2 
  • Text Generation Using LSTM 
  • Exercise : Text Generation Using LSTM
Module 13 : Project III – SMS Spam Classification
  • Dataset download 
  • Text Cleaning
  • Feature Engineering 
  • Advanced Feature Engineering 
  • Combining Features
  • ML Classifier 
  • Spam Classification using Deep Learning
Module 14 : Project IV – Hate Speech Classification
  • Project III
Module 15 : Project V – Building Auto-Tagging System
  • Overview of Auto-Tagging System 
  • Introduction to Dataset and Performance Metrics
  • Auto-Tagging Implementation Using Machine Learning Part-1 
  • Auto-Tagging Implementation Using Machine Learning Part-2 
  • Auto-Tagging Implementation Using Deep Learning
Module 16 : Recurrent Neural Networks
  • Why RNN
  • Introduction to RNN: Shortcomings of an MLP 
  • Introduction to RNN: RNN Architecture 
  • Training an RNN: Forward propagation 
  • Training an RNN: Backpropagation through time 
  • Need for LSTM/GRU 
  • Long Short Term Memory (LSTM) 
  • Gated Recurrent Unit (GRU) 
  • Project: Categorisation of websites using LSTM and GRU I 
  • Dataset and Notebook 
  • Project: Categorisation of websites using LSTM and GRU II
Module 17 : Introduction to Language Modelling in NLP
  • Overview: Language Modelling 
  • What is a Language Model in NLP? 
  • N-gram Language Model 
  • Implementing an N-gram Language Model – I 
  • Implementing an N-gram Language Model – II 
  • Neural Language Model
  • Implementing a Neural Language Model
Module 18 : Sequence-to-Sequence Modelling
  • Intuition Behind Sequence-to-Sequence Modelling 
  • Need for Sequence-to-Sequence Modelling 
  • Understanding the Architecture of Sequence-to-Sequence 
  • Understanding the Functioning of Encoder and Decoder 
  • Case Study: Building a Spanish to English Machine Translation Model 
  • Pre-processing of Text Data 
  • Converting Text to Integer Sequences 
  • Model Building and Inference
Module 19 : Project VI - Summarisation of Customer Reviews
  • Introduction 
  • Pre-processing and Feature Creation 
  • Model Building and Summary Genera
Module 20 : Project VII - Build your first Chatbot
  • Introduction 
  • About this module 
  • Overview of Conversational Agents 
  • Project – Foodbot 
  • Overview of Rasa Framework 
  • System Setup 
  • Rasa NLU: Understanding user intent from a message
  • Rasa NLU: Extracting intents from a user’s message 
  • Rasa Core: Making your chatbot conversational 
  • Working with Zomato API 
  • Create a Workspace in Slack 
  • Deploying to Slack 
  • Assignment: Share your learning and build your profile
Module 21 : Bonus Section (Advance NLP tools)
  • Getting started with Bonus Section 
  • Text Classification & Word Representations using FastText (An NLP library by Facebook)
  • Introduction to Flair for NLP: A Simple yet Powerful State-of-the-Art NLP Library 
  • Introduction to Stanford NLP: An Incredible State-of-the-Art NLP Library for 53 Languages (with Python code) 
  • A Step-by-Step NLP Guide to Learn Elmo for Extracting Features from Text
  • Tutorial on Text Classification (NLP) using ULMFiT and fastai Library in Python 
  • 8 Excellent Pretrained Models to get you started with Natural Language Processing (NLP) 
  • Geo-coding using NLP by Shantanu Bhattacharyya and Farhat Habib 
  • Demystifying the What, the Why and How of Chatbot by Sonny Laskar 
  • Sentiment Analysis using NLP and Deep Learning by Jeeban Swain 
  • Identifying Location using Clustering and Language Model – By Divya Choudhary 
  • Building Intelligent Chatbots from Scratch
Project : VIII Stock Prices Predictor

This is another interesting machine learning project idea for data scientists/machine learning engineers working or planning to work with the finance domain. Stock prices predictor is a system that learns about the performance of a company and predicts future stock prices. The challenges associated with working with stock price data are that it is very granular, and moreover there are different types of data like volatility indices, prices, global macroeconomic indicators, fundamental indicators, and more. One good thing about working with stock market data is that the financial markets have shorter feedback cycles making it easier for data experts to validate their predictions on new data. To begin working with stock market data, you can pick up a simple machine learning problem like predicting 6-month price movements based on fundamental indicators from an organisations’ quarterly report. You can download Stock Market datasets from Quandl.com or Quantopian.com.

Project : IX Human Activity Recognition using Smartphone Dataset

The smartphone dataset consists of fitness activity recordings of 30 people captured through smartphone-enabled with inertial sensors. The goal of this machine learning project is to build a classification model that can precisely identify human fitness activities. Working on this machine learning project will help you understand how to solve multi-classification problems. One can become a master of machine learning only with lots of practice and experimentation. Having theoretical surely helps but it’s the application that helps progress the most. No amount of theoretical knowledge can replace hands-on practice. There are many other machine learning projects for beginners like the ones mentioned above that you can work with. However, it will help if you familiarise yourself with the above-listed projects first. If you are a beginner and new to machine learning then working on machine learning projects designed by industry experts at DeZyre will make some of the best investments of your time. These machine learning projects have been designed for beginners to help them enhance their applied machine learning skills quickly whilst giving them a chance to explore interesting business use cases across various domains – Retail, Finance, Insurance, Manufacturing, and more. So, if you want to enjoy learning machine learning, stay motivated, and make quick progress then DeZyre’s machine learning interesting projects are for you. Plus, add these machine learning projects to your portfolio and land a top gig with a higher salary and rewarding perks.

Project : X Learn to build Recommender Systems with Movielens Dataset

From Netflix to Hulu, the need to build an efficient movie recommender system has gained importance over time with increasing demand from modern consumers for customised content. One of the most popular datasets available on the web for beginners to learn how to build recommender systems is the Movielens Dataset which contains approximately 1,000,209 movie ratings of 3,900 movies made by 6,040 Movielens users. You can get started working with this dataset by building a world-cloud visualisation of movie titles to build a movie recommender system.

Project : XI Social Media Sentiment Analysis using Twitter Dataset

This course comprises of 40 case studies that will enrich your learning experience. In addition, we also have 4 Projects that will enhance your implementation skills. Below are a few case studies, which are part of this course:

Case Study 1: Maple Leaves Ltd is a start-up company that makes herbs from different types of plants and leaves. Currently, the system they use to classify the trees which they import in a batch is quite manual. A laborer from his experience decides the leaf type and subtype of the plant family. They have asked us to automate this process and remove any manual intervention from this process.

Project : XII AutoBot

Build a system that can have a conversation with you. The user types messages and your system replies based on the user’s text. Many approaches here … you could use a large twitter corpus and do language similarity.

Cloud Computing & Deployment of Machine Learning Modals to Cloud
  • Flask basics
  • Deployment of the model on Heroku
  • AWS basics 
    •  S3 
    •  EC2 
    •  AWS Lambda 
  • Deployment of the model on EC2
  • Deployment on AWS Lambda (Optional)
  • Google Cloud Platform Basics
  • Deployment of the Model on GCP
  • Microsoft Azure basics
  • Deployment of the Model on Azure
  •  Pyspark Basics
  • DeVops Concepts
Business & Data Analytics
  • Data Visualization with Tableau & Power BI
  • SQL
  • MSOFFICE
  •  Introduction to Operational , HR, Finance, Marketing Analytics
Data Science Project Management
  •  Leading Data Science Teams & Processes
  • Exploring Methodologies
  •  How to manage data science projects and lead a data science team
  •  Agile Data Science
  • Scrum Data Science
  •  Emerging Approaches – Microsoft TDSP
  • Data Science Methodology understanding
  • Business & Data understanding
  • Modelling & Evaluation
  • Plan Deployment
  • Data Science Project Report
Big Data , Spark & Kafka , MongoDB, CICD
  • Introduction to Bigdata & HDFS along with Linux concepts , its importance in data science
  • Core Components of Hadoop
  • HDFS Architecture
  • HDFS Commands
MapReduce Concepts & programming
  • Apache Scoop Fundamentals & basics
  • Apache Spark fundamentals & advanced concepts and its importance in data science
  • Introduction to Kafka
  • Bigdata on Cloud and its importance in Data Science

Addon Syllabus

Hello, world!

Program Highlights

  • 24 Months Program Duration

  • 6 Months of live Interactive Classes by Principal or Senior Data Scientists across Industry

  • 18 Months of Sponsored Project Work at Authorized Research Centre funded by IISC, ISB, IIM

  • Gain 1+ years of Real Time Sponsored Project Experience Certificate from Recognized Research Centres

  • 100% Job Assistance Program In collaboration with Top HR Consulting Firms across PAN INDIA

Tools Covered

Data Science Architect Program & Google Certification:

Companies Associated with GEEKLURN

Introducing you to our esteemed partners. Students or companies, our network
offers you with immaculate growth and up scaled expansion.

Our Trainers

Close Menu

Download Brochure

Download Brochure

Download Brochure