-
Regression and Classification
Classification and Regression are two major prediction problems. Classification is used to predict a label and Regression is used to pred a quantity.
Continue Reading -
Principal Component Analysis
PCA is a technique to standardize the data and aims at reducing a large set of variables to a small set and that small set contains most of the information in the large set.
Continue Reading -
Moving Average
Moving Average (MA) is a technical indicator that smooths out price trends by filtering the "noise" from random short-term price fluctuations.
Continue Reading -
Optical Character Recognition
Optical Character Recognition technology is a Business Solution for automating data extraction from a scanned document or image file.
Continue Reading -
Create 3D Model of Photo
3D modeling provides much more benefits as compared to 2D diagrams.It is far superior in terms of speed and accuracy.
Continue Reading -
Kubeflow Installation Guide
Kubeflow is a platform for data scientists to better organize Machine Learning workflow and pipelines.
Continue Reading -
AWS Sagemaker
SageMaker enables developers to quickly and easily create, train, and deploy Machine Learning Models in the cloud.It is the best platform for MAchine Learning solutions for enterprises.
Continue Reading -
Gender Classification
It is an interesting application of Deep Learning applied to faces for Gender Classification.We will use python classifiers like Catboost , Light GBM , Random Forest.
Continue Reading -
OpenCV Basic Operation on images
Image operations include Changing Color Spaces , Resizing , Rotation etc based on image properties such as number of rows , columns , number of pixels etc.
Continue Reading -
Exchange Rate Prediction using Arima Model
ARIMA model is the best model since it indicates that it has the minimum possible error with the best forecasting performance results.
Continue Reading -
Spam Detection with Python
Machine Learning is useful to detect whether a given text is spam or ham , it helps us to get meaningful data only.
Continue Reading -
Life Expectancy Analysis with Python
SageMaker enables developers to quickly and easily create, train, and deploy Machine Learning Models in the cloud.
Continue Reading -
Python Pandas Basic Concepts
Pandas is an open-source library providing high performance, easy to use data structure and data analysis tools for python programming language.
Continue Reading -
Python Operations on Numpy Arrays
Numpy is used in many high level calculations which manually done is not possible and is time consuming. so many things have been sorted out efficiently with numpy.
Continue Reading -
Detect and Remove Outliers Using Python
Outlier data is exceptionally far from the mainstream of the data.Python is helpful to detect bad data in your dataset.
Continue Reading -
Wine Quality Prediction Using Machine Learning
Machine Learning is capable of checking wine quality on the basis of given features such as pH value , density etc.
Continue Reading -
Trading Strategy Algorithm Python
Python has exclusive library functions which facilitate the creation of algorithmic trading strategies that goes through a couple of phases.
Continue Reading -
Topic Modeling Using Machine Learning
Topic modeling is a Machine Learning technique used for scanning a set of documents , detecting word and phrases , and automatic clustering.
Continue Reading -
Time Series Forecasting
It is the process of building models using historical data and using them to make future predictions for better decision making.
Continue Reading -
Text Classification
Text Classification is the process of classifying text or documents into different categories, depending upon the contents.
Continue Reading -
Stock Price Prediction with Machine Learning
Accurate prediction of stock market is a challenging task but Artificial Intelligence programmed methods are more efficient in predicting stock prices.
Continue Reading -
Support Vector Machines
Support Vector Machine is a linear model for classification and regression problems that work well for many practical problems.
Continue Reading -
Similarity Measurement Between images using OpenCV
To perform image similarity, first, we find the set of features that describe the image content and second is the feature space (group of pixels within the image).
Continue Reading -
Salary Prediction of an Employee
Salary prediction is done based on number of years experience and respective salary by using Simple Linear Regression model.
Continue Reading -
Start-Up Profit Prediction
Start-Up Profit Prediction depends on many factors like idea of the startup, place where the startup established,domain to which the startup belongs etc.
Continue Reading -
Random Forest Algorithm
A Random Rorest is a Machine Learning technique that’s used to solve regression and classification problems.It consists of many decision trees.
Continue Reading -
Realtime Eye Blink Detection
Detecting eye blinks is important for monitoring driver drowsiness , for anti-spoofing protection inface recognition systems etc.
Continue Reading -
Realtime Facial Expression Recognition
By using Facial Expression Recognition, businesses can process images and videos in real-time for monitoring user feeds for making life better for their users.
Continue Reading -
Python Sales Forecasting
Sales forecasting allows companies to efficiently allocate resources for future growth and to estimate their costs and revenue accurately.
Continue Reading -
Pendulum
Pendulum swingup problem is a classic problem in the control literature. In this version of the problem, the pendulum starts in a random position, and the goal is to swing it up so it stays upright.
Continue Reading -
Python Flower Classification
Flower Classification is a way to identify the type of flower from a photo . For this , we will use flower dataset to train our Machine Learning model.
Continue Reading -
Predicting Customer Behavior with Logistic Regression
By Predicting Customer Behavior , marketers can identify which products are needed and which have gone obsolete.
Continue Reading -
Predict Next Word with Python
Text Prediction is an input technology that facilitates typing on device(mobile,desktop etc.) by suggesting words to the user. It is based on other words in the message and the first letter typed.
Continue Reading -
Pencil Sketch of Photo
In Python, an image is a 2D array of integers.So we can apply matrix manipulations using various python modules to create interesting effects.
Continue Reading -
Pandas Dataframe Advanced Operations
Pandas is the gold standard library for data including the functionality to load, filter, manipulate and explore data.
Continue Reading -
Pandas Dataframe Basic Operations
Pandas is mainly used for data analysis.Its basic operations include operations on rows and columns and data select , delete, add etc.
Continue Reading -
Object Detection
Object Detection technique allows us to identify and locate objects in an image or video , track their precise locations and label them.
Continue Reading -
Named Entity Recognition in NLP
Named Entity Extraction is a keyword extraction technique that use NLP to automatically identify named entities within text and classify them into predetermined categories.
Continue Reading -
Netflix Recommendation System
Recommendation System predict or filter preferences according to the user’s choices.It includes different areas like movies, music, news etc.
Continue Reading -
Natural Language Toolkit for Indic Languages
It is a platform used for building Python programs that work with human language data. It contains text processing libraries for tokenization, parsing, classification etc.
Continue Reading -
Movie Reviews Sentiment Analysis with Machine Learning
Sentiment analysis is the automated process of recognizing emotions in online text data. By analyzing sentiment, reviews, businesses can better understand about customers feelings.
Continue Reading -
Mountain Car
Its a classic reinforcement learning problem and our objective is to create an algorithm that learns to climb a hill to reach the goal marked by a flag.
Continue Reading -
Mnist Dataset Digit Recognizer
It is the ability of a computer to recognize the handwritten digits from different sources and is helpful in mail sorting , bank check processing etc.
Continue Reading -
Markov Chain
Markov Chains are used in a broad variety of academic fields, ranging from biology to economics. To predict the value of an asset, Markov chains are helpful.
Continue Reading -
Lunar Lander
Lunar landers are designed to deal with the conditions on the moon, where a lack of atmosphere and intense temperatures is a challenge for human beings.
Continue Reading -
Loan Eligibility Prediction using Random Forest
On the basis of given information about the client application we can predict whether the they'll be to pay the loan or not.
Continue Reading -
Language Classification using Machine Learning
Language classification is the grouping of associated languages according to their development in the one category.
Continue Reading -
K-Nearest Neighbors Classification
K-Nearest neighbors algorithm is a supervised Machine Learning algorithm that can be used to solve both classification and regression problems.
Continue Reading -
K-Mean Clustering Algorithm
K-means algorithm identifies k number of centroids and allocates every data point to the nearest cluster.
Continue Reading -
Image Augmentation
Image augmentation helps practitioners to significantly increase the quantity of data available for training models, without collecting new data.
Continue Reading -
Human Detection and Counting in Python
Human Detection and Counting is helpful to estimate the number of people in an area or count people passing by.
Continue Reading -
House Price Prediction using Linear Regression
House price prediction is helpful to determine the selling price of a house so that buyer can know the right time to purchase a house.
Continue Reading -
Handwritten Character Recognition
Firstly , recognized handwriting is digitized through scanner or camera , then segmented into lines , words or characters to recognize using OCR techniques and finally errors are corrected.
Continue Reading -
Hand Gesture Recognition
Gestures provide the user with a new form of interaction that mirrors their experience in the real world and give natural feeling.
Continue Reading -
House Budget Prediction
The aim of House Budget Prediction is to predict house pricing for buyers according to their budget and priorities.
Continue Reading -
Hyperparameter Tuning
Parameters which define the model architecture are known as hyperparameters and the process of searching for the ideal model architecture is referred to as Hyperparameter Tuning.
Continue Reading