• Stars
    star
    365
  • Rank 116,851 (Top 3 %)
  • Language
    Jupyter Notebook
  • Created over 6 years ago
  • Updated over 4 years ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

Methods with examples for Feature Selection during Pre-processing in Machine Learning.

Feature Selection for Machine Learning

This repository contains the code for three main methods in Machine Learning for Feature Selection i.e. Filter Methods, Wrapper Methods and Embedded Methods. All code is written in Python 3.

Status: Ongoing

Requirements

1. Python 3.5 +

2. Jupyter Notebook

3. Scikit-Learn

4. Numpy [+mkl for Windows]

5. Pandas

6. Matplotlib

7. Seaborn

8. mlxtend

Datasets

1. Santander Customer Satisfaction Dataset

2. BNP Paribas Cardif Claims Management Dataset

3. Titanic Disaster Dataset

4. Housing Prices Dataset

Filter Methods

S.No. Name About Status
1. Constant Feature Elimination This notebook explains how to remove the constant features during pre-processing step. Completed
2. Quasi-Constant Feature Elimination This notebook explains how to get the Quasi-Constant features and remove them during pre-processing. Completed
3. Duplicate Features Elimination This notebook explains how to find the duplicate features in a dataset and remove them. Completed
4. Correlation This notebook explains how to get the correlation between features and between features and target and choose the best features. Completed
5. Machine Learning Pipeline This notebook explains how to use all the above methods in a ML pipeline with performance comparison. Completed
6. Mutual Information This notebook explains the concept of Mutual Information using classification and Regression to find the best features from a dataset. Completed
7. Fisher Score Chi Square This notebook explains the concept of Fisher Score chi2 for feature selection. Completed
8. Univariate Feature Selection This notebook explains the concept of Univariate Feature Selection using Classification and Regression. Completed
9. Univariate ROC/AUC/MSE This notebook explains the concept of Univariate Feature Selection using ROC AUC scoring. Completed
10. Combining all Methods This notebook compares the combined performance of all methods explained. Completed

Wrapper Methods

S.No. Name About Status
1. Step Forward Feature Selection This notebook explains the concept of Step Forward Feature Selection. Completed
2. Step Backward Feature Selection This notebook explains the concept of Step Backward Feature Selection. Completed
3. Exhaustive Search Feature Selection This notebook explains the concept of Exhaustive Search Feature Selection. Completed

Embedded Methods

S.No. Name About Status

More Repositories

1

Disease-Prediction-from-Symptoms

Disease Prediction based on Symptoms.
Jupyter Notebook
282
star
2

Handwritten-Digit-Recognition-using-Deep-Learning

Handwritten Digit Recognition using Machine Learning and Deep Learning
Python
223
star
3

AI-Chatbot

AI Chatbot using Dynamic Memory Network in Keras.
Python
66
star
4

Python-Data-Structures-and-Algorithms

Data Structures & Algorithms Implementation in Python
Python
46
star
5

Artistic-Style-Transfer-using-Keras-Tensorflow

Art to Image Style Transfer using Keras and Tensorflow.
Python
29
star
6

iOS-ARKit

Basic Concepts and Projects using ARKit on iOS.
Swift
23
star
7

Audio-Scene-Classification

Scene Classification using Audio in the nearby Environment.
Jupyter Notebook
19
star
8

Data-Analyst-Nanodegree

Code and Projects for Data Analyst Nanodegree.
Jupyter Notebook
18
star
9

DeepLearning

Deep Learning Concepts and Research Paper Implementations.
Jupyter Notebook
17
star
10

RecurrentNeuralNetwork

Recurrent Neural Network from scratch using Python and Numpy
Python
14
star
11

ARCore-CloudAnchors

Android App to Save and Retrieve AR Anchors using ARCore from Local Storage / Firebase.
Java
11
star
12

Encrypted-Machine-Learning

Exploration and Projects using Encrypted Machine Learning.
Jupyter Notebook
7
star
13

BigData-and-Machine-Learning

Basics of Big Data and Machine Learning using Apache Spark and Scala
Scala
7
star
14

Hackerrank

Solution to Questions at Hackerrank.com
Python
6
star
15

iOS-Audio-Classification

Audio Classification on iOS using SoundAnalysis API.
Jupyter Notebook
6
star
16

Generative-Adversarial-Networks

Implementation of Ian Goodfellow's paper on "Generative Adversarial Networks (GAN)".
Python
6
star
17

ESPCN

Paper Implementation - "Real-Time Single Image and Video Super-Resolution Using an Efficient Sub-Pixel Convolutional Neural Network".
Python
6
star
18

Machine-Learning

Machine Learning Tutorials.
Jupyter Notebook
5
star
19

3D-Binaural-Audio

3D Binaural Audio using ARCore for Android.
Java
4
star
20

PyTorch-DeepLearning

Deep Learning Tutorials using PyTorch.
Jupyter Notebook
4
star
21

Javascript-Machine-Learning

Machine Learning using Javascript.
JavaScript
3
star
22

Computer-Vision-Nanodegree

Jupyter Notebook
3
star
23

LwPosr-PyTorch

Paper Implementation - "LwPosr: Lightweight Efficient Fine Grained Head Pose Estimation"
Python
2
star
24

CNN-Deep-Layer-Filters-Visualization

CNN Deep Layer Filters Visualization using Tensorflow.
Python
2
star
25

LeetCode

Solutions to Problems at LeetCode.com
Python
2
star
26

Machine-Learning-Inference-on-Mobile-Devices

Code and Presentation for the talk "Machine Learning Inference on Mobile Devices"
Jupyter Notebook
2
star
27

OpenCV_with_Python

Image Processing and Computer Vision using Python and OpenCV.
Jupyter Notebook
1
star
28

Google-API-Tutorial

Google API Exploration for NLP and Computer Vision.
Python
1
star
29

anujdutt9.github.io

My Blog on ML, DL, NLP, Image Processing and a lot more.
HTML
1
star
30

Fashion-MNIST

Fashion Products Recognition using Machine Learning.
Python
1
star
31

Deep-Learning-TF-2.0

ML and DL Projects and Papers Implementations using TF-2.0.
Jupyter Notebook
1
star
32

DeepRender-Hardware-Test

DeepRender Hardware Test for deploying Lossless Image Compression model on iOS using CoreML.
Jupyter Notebook
1
star
33

Face-Gender-Classification

Jupyter Notebook
1
star
34

Language-Model-using-RNN

Text Generation using basic RNN from scratch using Python and Numpy.
Python
1
star
35

NewYorkCity-Taxi-Trip-Duration-Prediction

New York City Taxi Trip Duration Prediction dataset exploration.
Jupyter Notebook
1
star
36

Arduino-based-RADAR-System

Arduino based RADAR system
Processing
1
star
37

TFUG_Projects

Jupyter Notebook
1
star
38

Machine-Learning-Nanodegree

Projects for Udacity Machine Learning Nanodegree.
Jupyter Notebook
1
star
39

projects

My Blog on ML, DL, NLP, Image Processing and a lot more.
HTML
1
star
40

Android-Machine-Learning

Android Machine Learning using TF-Mobile and TF-Lite.
Python
1
star
41

Natural-Language-Processing

Basics of Natural Language Processing
Jupyter Notebook
1
star
42

Tensorflow-DeepLearning

Deep Learning Tutorials using Tensorflow.
Jupyter Notebook
1
star
43

TensorFlow-In-Practice-Specialization

Jupyter Notebook
1
star
44

iOS-MachineLearning

Machine Learning iOS applications.
Jupyter Notebook
1
star
45

OpenAI-API-Examples

Sample Applications built using OpenAI API's.
Jupyter Notebook
1
star
46

Self-Driving-Car-Nano-Degree

Self Driving Cars Nano-Degree Projects with some additional Basic Implementations.
Jupyter Notebook
1
star