Simple Unsupervised Keyphrase Extraction Using Sentence Embedding

Simple Unsupervised Keyphrase Extraction using Sentence Embedding:Keywords/Keyphrase extraction is the task of extracting relevant and representative words that best describe the underlying document. Keywords extraction has many use-cases, some of which being, meta-data while ind … | Continue reading


@prakhartechviz.blogspot.com | 3 years ago

Bert for Extractive Text Summarization (Paper Summary)

Leveraging BERT for Extractive Text Summarization on Lectures (Paper Summary)Automatic summarization is the process of shortening a set of data computationally, to create a subset that represents the most important or relevant information. There are two ways to compress/summarize … | Continue reading


@prakhartechviz.blogspot.com | 3 years ago

Bits and Bites on Denoising Autoencoder

In this post, we will discuss a neural network-based unsupervised learning architecture called "Autoencoders". As per Wikipedia, an Autoencoder is a type of Artificial Neural Network used to learn efficient data codings in an unsupervised manner. The aim of an autoencoder is to l … | Continue reading


@prakhartechviz.blogspot.com | 3 years ago

Modeling Volatility in Financial Time Series

ARCH and GARCH Models for modeling Volatility in Timeseries - In this post, we will discuss a few assumptions which we often make and also the problems we face when dealing with time-series data. Whereas, it is not necessary that real-world time-series would suffice these assumpt … | Continue reading


@prakhartechviz.blogspot.com | 3 years ago

Paper summary – Hybrid Hypernym selection at Semeval-18

In this blog, I have tried summarizing the ACL paper CRIM at SemEval-2018 Task 9: A Hybrid Approach to Hypernym Discovery as per my understanding. | Continue reading


@prakhartechviz.blogspot.com | 4 years ago

Best Portfolio to Invest – Markowitz Analysis

Markowitz Optimization and the Efficient Frontier - In this blog we talk about Modern Portfolio theory, Markowitz analysis and efficient frontier. We also see some drawbacks and possible solution. | Continue reading


@prakhartechviz.blogspot.com | 4 years ago

Understanding T5: Text-to-Text-Transfer-Transformer

Understanding T5 Model : Text to Text Transfer Transformer Model.Recent years have seen a plethora of pre-trained models such as ULMFiT, BERT, GPT, etc being open-sourced to the NLP community. This blog gives understanding about the new T5 model and a short demo of the same | Continue reading


@prakhartechviz.blogspot.com | 4 years ago

Interactive Data Annotations in Notebook

Building Interactive Annotations in Jupyter Notebook : This is a pure implementation-oriented blog post, where I will discuss how one can use ipywidgets module and build an interactive annotation tool in their very own Jupyter Notebooks. | Continue reading


@prakhartechviz.blogspot.com | 4 years ago

Isolation Forest for Anomaly Detection

Isolation Forest for Anomaly Detection in Machine Learning.This week targets majorly on dealing with an algorithm that works well even in high-dimensional space, unlike others that run into the problem of sparsity and combinatorial explosion that are common when dealing with high … | Continue reading


@prakhartechviz.blogspot.com | 4 years ago

Skewness and Kurtosis: Shape Statistics

Skewness and Kurtosis : Necessary StatisticsKnowing your data distribution acts like a prior and helps you decide on the types of techniques you would want to use for data preprocessing and also on the type of model you should not be using. Skewness and Kurtosis are important sta … | Continue reading


@prakhartechviz.blogspot.com | 4 years ago

Proximity Models for Anomaly Detection in ML

This blog will reflect upon my learnings on Week 4 of Intel's Anomaly Detection course that I have been doing lately. We talk about Proximity Models for Anomaly Detection in Machine Learning | Continue reading


@prakhartechviz.blogspot.com | 4 years ago

Geometric Models for Anomaly Detection

This blog talks about Anomaly Detection algorithms based on proximity (geometric) representation of data in the hyperspace. dvanced models, including Neural Networks, Deep Learning | Continue reading


@prakhartechviz.blogspot.com | 4 years ago

Natural language generation using BERT

This blog explains how we can use BERT for text generation (natural language generation). It also show a demo with code to playaround with the model . | Continue reading


@prakhartechviz.blogspot.com | 4 years ago

Data Augmentation in NLP Using GPT2

In this blog, we talk about Data Augmentation in NLP using SOTA Text Generator GPT2. Data Augmentation is a technique that is heavily used by Deep Learning practitioners to add diversity and size in their training dataset for designing robust machine learning systems. Every engin … | Continue reading


@prakhartechviz.blogspot.com | 4 years ago

Step by Step to K-Means Algorithm

Unsupervised algorithms are the one those work on finding patterns and finding inferences from unlabelled data set. Clustering/Grouping of data is one of the most popular use cases that is solved using such algorithms. In this blog, we will learn about K-means clustering algorith … | Continue reading


@prakhartechviz.blogspot.com | 4 years ago

Concept of Centrality in Graphs

Centrality is the one of the concepts that define the importance of vertex in a graph. Some of the applications of this concept could be identifying most important/influential person(s) in a social network graph, most important word(s) in a text corpus when representing corpus in … | Continue reading


@prakhartechviz.blogspot.com | 4 years ago

Chi-Square Test for Feature Selection in Machine Learning

We discuss about how in machine learning you can use chi-squared test for selecting categorical feature for a given classification task in hand. | Continue reading


@prakhartechviz.blogspot.com | 4 years ago

Bias Variance Tradeoff in Machine Learning

This blog targets to give and Intuitive behind an important concept in machine learning i.e. Bias-Variance Tradeoff. | Continue reading


@prakhartechviz.blogspot.com | 4 years ago

Ranking Algorithm by Google

Combating Web Spam with Google TrustRank - Something beyond Page Rank | Continue reading


@prakhartechviz.blogspot.com | 5 years ago

Simple yet tough-to-beat sentence embedding baseline (Paper Summary)

This blog talks about a simple yet tough to beat method to generate sentence embeddings using word vectors from pre-trained or custom ones. | Continue reading


@prakhartechviz.blogspot.com | 5 years ago

Probability for NLP

Probability for Linguists - This posts talks about how Probability is playing an increasingly large role in computational linguistics and machine learning. | Continue reading


@prakhartechviz.blogspot.com | 5 years ago

Training Recurrent Neural Networks

Training a Recurrent Neural Networks solves our problem of learning patterns from the sequential data to some extent. The architectural design helps it achieves the same but with a downside, as it suffers from the vanishing gradient problem. | Continue reading


@prakhartechviz.blogspot.com | 5 years ago

Basics of OpenAI Gym

OpenAI is a non-profit organization founded in 2015. One major contribution that OpenAI made to the machine learning world was developing both the Gym and Universe software platforms. I will not be talking about OpenAI rather would be discussing their immense useful contribution … | Continue reading


@prakhartechviz.blogspot.com | 5 years ago

Flask and Machine Learning

An introduction to serving ML models through Flask based APIs. | Continue reading


@prakhartechviz.blogspot.com | 5 years ago

Training Alexa to work for you

In this blog "Learn to train Alexa" we will see how we can make a Alexa skill using Flask-Ask library. | Continue reading


@prakhartechviz.blogspot.com | 5 years ago

Analysing Zomato

This is a fun project that shows comparison between cities over certain parameters on listed on Zomato India | Continue reading


@prakhartechviz.blogspot.com | 5 years ago

Data annotations made handy

TechViz is a hub for Data Science and ML enthusiasts. It discusses recent research in the industry covering practical and theoretical aspects. | Continue reading


@prakhartechviz.blogspot.com | 5 years ago

Data Annotation made easy

TechViz is a hub for Data Science and ML enthusiasts. It discusses recent research in the industry covering practical and theoretical aspects. | Continue reading


@prakhartechviz.blogspot.com | 5 years ago

Tourism Industry Case Study

Statistical analysis of open gov data for Indian tourism. | Continue reading


@prakhartechviz.blogspot.com | 5 years ago

Indian tourism case study

Statistical analysis of open gov data for Indian tourism. | Continue reading


@prakhartechviz.blogspot.com | 5 years ago

Solution discussion deep learning challenge

TechViz is a hub for Data Science and ML enthusiasts. It discusses some recent research in the industry. | Continue reading


@prakhartechviz.blogspot.com | 5 years ago

Evaluating the quality of text

Discusses about scoring the text based on difficulty of reading | Continue reading


@prakhartechviz.blogspot.com | 5 years ago

Creating a Slack Bot

A step-by-step guide to make your own slackbot that recognizes a given image. | Continue reading


@prakhartechviz.blogspot.com | 5 years ago

Markov chains explained

Discussion on Markov Chains can help us accomplish the task of Natural Language Generation. | Continue reading


@prakhartechviz.blogspot.com | 5 years ago

Evaluating translation systems

Discussion on BLEU (bilingual evaluation understudy) Score for evaluating the quality of text done by machine translation. | Continue reading


@prakhartechviz.blogspot.com | 5 years ago

Text Processing in nutshell

TechViz is a hub for Data Science and ML enthusiasts. It discusses some recent research in the industry. | Continue reading


@prakhartechviz.blogspot.com | 5 years ago

Dealing with high dimensional data

This posts discusses PCA - A dimensionality reduction technique. | Continue reading


@prakhartechviz.blogspot.com | 5 years ago

Preprocessing in NLP

TechViz is a hub for Data Science and ML enthusiasts. It discusses some recent research in the industry. | Continue reading


@prakhartechviz.blogspot.com | 5 years ago

Scoring Text Readability

Discusses about scoring the text based on difficulty of reading | Continue reading


@prakhartechviz.blogspot.com | 5 years ago

Image Classification using Keras

This posts discusses about using pre-trained image classification model for predicting the label of unseen images. | Continue reading


@prakhartechviz.blogspot.com | 5 years ago

Word Embeddings with Gensim #Python #MachineLearning

This posts discuss about word embeddings and how can you train your own custom data specific embeddings using gensim (a python utility) | Continue reading


@prakhartechviz.blogspot.com | 5 years ago

Introduction to Principal Component Analysis

This posts discusses PCA - A dimensionality reduction technique. | Continue reading


@prakhartechviz.blogspot.com | 5 years ago

Text Generation Using Markov Chains

TechViz is a hub for Data Science enthusiats. Discusses about some recent research in the industry. | Continue reading


@prakhartechviz.blogspot.com | 5 years ago

Machine Translation Evaluation

TechViz is a hub for Data Science enthusiats. Discusses about some recent research in the industry. | Continue reading


@prakhartechviz.blogspot.com | 5 years ago

BLEU Score

TechViz is a hub for Data Science enthusiats. Discusses about some recent research in the industry. | Continue reading


@prakhartechviz.blogspot.com | 5 years ago

Introduction to Neural Machine Translation

TechViz is a hub for Data Science enthusiats. Discusses about some recent research in the industry. | Continue reading


@prakhartechviz.blogspot.com | 5 years ago

Pandas Made Faster and Scalable

A blog for Machine Learning and Deep Learning Enthusiasts. | Continue reading


@prakhartechviz.blogspot.com | 5 years ago

#HackerEarth DL Challenge Rank 3 Solution

A blog for Machine Learning and Deep Learning Enthusiasts. | Continue reading


@prakhartechviz.blogspot.com | 5 years ago