Blog

Insights, tutorials, and deep dives into computer vision

Sep 17, 2023 8 min read

Part 1: Building a 68-Facial Keypoint Detection with PyTorch

Facial Keypoint Detection is a crucial task for facial recognition software applications.

Facial Detection, Pytorch, Computer Vision
Read more
Aug 12, 2023 8 min read

Detecting COVID19 on XRay Images with CNN

In this note, I explore the use of Convolutional Neural Networks (CNNs) to develop a classification model capable of predicting COVID-19 cases based on x-ray images.

Deep Learning, Computer Vision, CNN, PyTorch
Read more
Jun 21, 2023 8 min read

Pnemonia Detection on Chest X Ray Images

This note develops an End-2-End pipeline and deep learning model to predict the presence of Pneumonia on chest X-ray images.

CNN, torchvision, PyTorch
Read more
May 26, 2023 8 min read

Data Augmentation for Computer Vision Modeling using torchvision

When building computer vision models, a common task in the data processing pipeline involves performing data transformation and augmentation using transforms. This is a demonstration for their implementation.

Data Augmentation, Torchvision, Transforms
Read more
Mar 21, 2023 8 min read

Pencil Sketch Image Conversion

Social Media apps like Instagram and Snapchat offer a number of filters to create realistic effects on video and image content. Here is a pencil sketch implementation.

Tutorial, Python, GaussianBlur, OpenCV
Read more
Jan 05, 2023 8 min read

Haar Cascades Face Detection Classifier

This note demonstrates how to use out-of-the-box Haar Cascades model for Face Detection on images.

Facial Detection, Python
Read more
Nov 13, 2022 8 min read

6 Themes to Uplevel your R Visualizations

R offers a number of packages that build on top of ggplot2 to generate themes and visualize that can enhance storytelling and data presentation.

R, Data Visualization, ggplot
Read more
May 26, 2022 8 min read

Sobel Filters for Edge Detection

Sobel filters are a powerful way to amplify the vertical and horizontal boundaries on an image

Tutorial, OpenCV
Read more
Mar 26, 2022 8 min read

Bayesian Time Series Forecasting with PyBats

Bayesian forecasting methods are an effective alternative to traditional frequentist forecasting methods, such as ARIMA methods, as they offer more transparent parameter estimation and robust models.

Bayesian Forecasting, Python, PyBATS
Read more
Feb 07, 2022 8 min read

Masking Images with OpenCV

Masking is a technique used in computer vision that can achieve results similar to chroma keying also known as green screen background replacement in video and filmmaking.

Masking, Image Processing, OpenCV
Read more
Nov 12, 2021 8 min read

Image Processing: Adaptive Histogram Equalization

Histogram equalization uses all pixel values to improve the contrast of an image. While it can improve contrast through intensity distribution, it can sometimes fail, leading to overly bright images.

Image Processing, CLAHE, OpenCV
Read more
Aug 13, 2021 8 min read

Image Processing: Histogram Equalization

Histogram Equalization is the process of normalizing the intensity of the individual pixel against its respective probability (the likelihood of that pixel intensity value in the image).

Computer Vision, OpenCV, Image Processing
Read more
May 17, 2021 8 min read

Kernel Convolution with OpenCV

In the previous note, we discussed the theoretical implementations of Kernel Convolutions. This short note demonstrates kernel convolutions with OpenCV.

Kernel Convolution, OpenCV
Read more
Mar 14, 2021 8 min read

Kernel Convolution

The foundation concept for processing, manipulating, and transforming images is a Kernel and the use of kernels in the convolution process.

Kernel Convolution, OpenCV
Read more
Feb 08, 2021 8 min read

Binary Cross Entropy Loss Function for Classification

This short note breaks down the Binary Cross Entropy Loss function often used in classification tasks in deep learning.

ML, Loss Function, Classification
Read more
Nov 17, 2020 8 min read

Classification with Logistic Regression using PyTorch

This note explores Logistic Regression implementation in Pytorch.

ML, Classification, Logistic Regression
Read more
Jul 13, 2020 8 min read

An Intuitive Introduction to PyTorch with Linear Regression

This note explores the Pytorch Library using a simple linear regression case.

Tutorial, PyTorch, Machine Learning, Deep Learning
Read more
Mar 01, 2020 8 min read

Generating Datasets for Machine Learning using scikitlearn datasets

Generating datasets for training and testing machine learning algorithms can be an effective way to broaden your understanding of the nuances of different ML techniques.

scikit-learn datasets, regression, clustering
Read more
Sep 15, 2019 8 min read

Part 5: Sentiment Classifier with Dense Neural Network and Recurrent Neural Networks

In this final notebook, we cover the implementation of advanced techniques for sentiment analysis using modern techniques in deep learning using Dense Neural Networks and Recurrent Neural Networks.

Dense Layers, RNN, Neural Networks
Read more
Aug 11, 2019 8 min read

Part 4: Distributed Representation for Text Modelling

This note goes beyond traditional techniques for numerical text representation to Distributed Representation.

Gensim, Word2Vec, Distributed Representation
Read more
Jul 13, 2019 8 min read

Part 3: Sentiment Classification with Naive Bayes and Support Vector Machines

On this note, we move on to building Sentiment Classifiers using Naive Bayes and Support Vector Machines - Linear Classifiers.

NLP, Naive Bayes, SVM, Classification
Read more
Jun 02, 2019 8 min read

Part 2: Natural Language Processing Features Extraction

This note builds on Part 1, to discuss feature extraction techniques for Natural Language Processing. Broadly, this section deals with moving from text to numerical representation.

Tutorial, NLP, Bag of Words, TFID
Read more
May 07, 2019 8 min read

Part 1: Natural Language Processing Foundations, Concepts, and Preprocessing

This 5-part series covers concepts, analysis, and Machine Learning Models for Natural Language Processing.

NLP, Tokenization, Stemming, Lemmatization, nltk
Read more
Feb 26, 2019 8 min read

Classification with k-Nearest Neighbors

An implementation of the K-NN algorithm for classification in Python

Machine Learning, kNN
Read more
Jan 08, 2019 8 min read

Non Linear Functions for Diminishing Returns and Decay Models

This note explores common non-linear functions used for solving diminishing returns optimization problems.

Optimization Functions, ML
Read more
Dec 03, 2018 8 min read

Modeling Diminishing Returns Regression with Python: Cost vs. Revenue Case

Working as a data scientist in digital marketing, a significant amount of my time is spent on building cost-to-revenue optimization. Example implementation in Python.

Curve Fit, Optimization, ML
Read more
Oct 22, 2018 8 min read

Gradient Descent

While closed-form solutions for computing coefficients are neat, inverting a matrix is computationally prohibitive, therefore, gradient descent is a computationally feasible implementation.

ML, Optimization, Gradient Descent
Read more
Aug 22, 2018 8 min read

Time Series Forecasting Foundations: The Autoregressive Process and AR(p) Model

A foundation introduction and implementation of the Autoregressive Process and AR(p) model with Python.

Time Series Forecasting, AR Model
Read more
Aug 07, 2018 8 min read

Time Series Forecasting Foundations: The Moving Average Process and MA(q) Model

Implementation of the Foundations of Moving Average Model for Time Series Forecasting in Python

Time Series Forecasting, MA Model
Read more