-
Updated
Jul 29, 2021 - R
#
feature-selection
Here are 765 public repositories matching this topic...
Machine Learning in R
data-science
machine-learning
cran
tutorial
r
statistics
clustering
regression
feature-selection
tuning
classification
survival-analysis
r-package
hyperparameters-optimization
predictive-modeling
imbalance-correction
mlr
learners
stacking
multilabel-classification
For extensive instructor led learning
machine-learning
pipeline
numpy
linear-regression
scikit-learn
pandas
feature-selection
nearest-neighbors
decision-trees
-
Updated
Jun 27, 2021 - Jupyter Notebook
Providing the solutions for high-frequency trading (HFT) strategies using data science approaches (Machine Learning) on Full Orderbook Tick Data.
python
machine-learning
trading
feature-selection
model-selection
quant
trading-strategies
investment
market-maker
feature-engineering
algorithmic-trading
backtesting-trading-strategies
limit-order-book
quantitative-trading
orderbook
market-microstructure
high-frequency-trading
market-making
orderbook-tick-data
-
Updated
Feb 14, 2017 - Jupyter Notebook
A Guide for Feature Engineering and Feature Selection, with implementations and examples in Python.
-
Updated
Dec 15, 2018 - Jupyter Notebook
Features selector based on the self selected-algorithm, loss function and validation method
data-science
machine-learning
feature-selection
feature-extraction
feature-engineering
greedy-search
feature-importance
-
Updated
May 8, 2019 - Python
Leave One Feature Out Importance
-
Updated
Jan 27, 2021 - Python
Deep Learning and Machine Learning stocks represent a promising long-term or short-term opportunity for investors and traders.
data-science
machine-learning
deep-learning
trading
algorithms
prediction
data-visualization
feature-selection
feature-extraction
stock-market
stock-price-prediction
data-analysis
stock-data
feature-engineering
stock-prices
stock-prediction
stock-analysis
financial-engineering
stock-trading
features-extraction
-
Updated
Jul 24, 2021 - Jupyter Notebook
A scikit-learn-compatible Python implementation of ReBATE, a suite of Relief-based feature selection algorithms for Machine Learning.
-
Updated
May 18, 2021 - Python
本人多次机器学习与大数据竞赛Top5的经验总结,满满的干货,拿好不谢
python
data-science
machine-learning
sql
deep-learning
feature-selection
kaggle-competition
gan
model-selection
xgboost
hyperparameter-optimization
lightgbm
feature-engineering
automl
catboost
model-fusion
tianchi-competition
-
Updated
Mar 16, 2021 - Python
This repository contains the code related to Natural Language Processing using python scripting language. All the codes are related to my book entitled "Python Natural Language Processing"
natural-language-processing
text-mining
deep-learning
parsing
feature-selection
feature-extraction
part-of-speech
python2
feature-engineering
python-scripting-language
-
Updated
Jun 8, 2021 - Jupyter Notebook
Feature engineering is the process of using domain knowledge to extract features from raw data via data mining techniques. These features can be used to improve the performance of machine learning algorithms. Feature engineering can be considered as applied machine learning itself.
data-science
machine-learning
data-mining
deep-learning
scikit-learn
data-visualization
feature-selection
feature-extraction
data-analysis
data-scientists
feature-engineering
features
feature-scaling
-
Updated
Nov 29, 2020 - Jupyter Notebook
Easy to use Python library of customized functions for cleaning and analyzing data.
python
data-science
data-visualization
feature-selection
data-analysis
klib
data-preprocessing
data-cleaning
-
Updated
Jul 9, 2021 - Python
Linear Prediction Model with Automated Feature Engineering and Selection Capabilities
machine-learning
linear-regression
feature-selection
feature-engineering
automl
automated-machine-learning
machine-learning-models
automated-data-science
automated-feature-engineering
-
Updated
Jul 12, 2021 - Jupyter Notebook
Methods with examples for Feature Selection during Pre-processing in Machine Learning.
-
Updated
May 24, 2020 - Jupyter Notebook
This project demonstrates how to apply machine learning algorithms to distinguish "good" stocks from the "bad" stocks.
-
Updated
Sep 14, 2018 - Python
chunyanyin11
commented
Dec 21, 2018
Hello, when I ran your code got "TypeError: unhashable type: 'slice' ".Can you help me analyze the problem?thanks
`
import pandas as pd
from sklearn.linear_model import LogisticRegression
from feature_selection_ga import FeatureSelectionGA
data = pd.read_excel("D:\Project_CAD\实验6\data\train_data_1\train_1.xlsx")
x, y = data.iloc[:, :53], data.iloc[:, 56]
model = LogisticRegression()
Estudo e implementação dos principais algoritmos de Machine Learning em Jupyter Notebooks.
python
machine-learning
neural-network
naive-bayes
linear-regression
machine-learning-algorithms
regression
feature-selection
logistic-regression
kmeans
adaboost
decision-trees
polynomial-regression
knn
principal-component-analysis
redes-neurais-artificiais
linear-discriminant-analysis
multilinear-regression
-
Updated
Apr 11, 2021 - Jupyter Notebook
A fast xgboost feature selection algorithm
data-science
machine-learning
algorithm
machine-learning-algorithms
feature-selection
datascience
xgboost
machinelearning
boruta
dimension-reduction
datascientist
xgboost-algorithm
-
Updated
Apr 1, 2021 - Python
scikit-learn compatible implementation of stability selection.
-
Updated
Aug 11, 2020 - Python
A Machine Learning Approach of Emotional Model
data-science
machine-learning
feature-selection
feature-extraction
music-information-retrieval
digital-signal-processing
librosa
feature-scaling
-
Updated
Feb 4, 2021 - Python
Machine Learning with the NSL-KDD dataset for Network Intrusion Detection
machine-learning
random-forest
cross-validation
feature-selection
decision-trees
datamining
intrusion-detection-system
network-intrusion-detection
kdd99
nsl-kdd
-
Updated
Apr 5, 2020 - Jupyter Notebook
This package contains a generic implementation of greedy Information Theoretic Feature Selection (FS) methods. The implementation is based on the common theoretic framework presented by Gavin Brown. Implementations of mRMR, InfoGain, JMI and other commonly used FS filters are provided.
-
Updated
Apr 29, 2021 - Scala
Versatile Nonlinear Feature Selection Algorithm for High-dimensional Data
python
machine-learning-algorithms
nonlinear
feature-selection
feature-extraction
blackbox-algorithm
-
Updated
Jul 12, 2021 - Python
Python3 binding to mRMR Feature Selection algorithm (currently not maintained)
-
Updated
Jul 27, 2021 - C++
This package can be used for dominance analysis or Shapley Value Regression for finding relative importance of predictors on given dataset. This library can be used for key driver analysis or marginal resource allocation models.
feature-selection
logistic-regression
feature-engineering
regression-models
predictor
multiple-regression
feature-importance
classification-model
relative-importance
dominance-analysis
r-square
shapley-value
keydrivers
dominance
dominance-statistics
predictor-importance
pseudo-r-square
-
Updated
Jun 17, 2021 - Python
Search the best feature subset for you classification mode
classifier
machine-learning
genetic-algorithm
feature-selection
genetic-programming
genetic-algorithm-framework
evolutionary-algorithms
machinelearning
evolutionary-algorithm
genetic-optimization-algorithm
-
Updated
May 26, 2020 - Python
machine-learning
feature-selection
supervised-learning
unsupervised-learning
icml
icml-2019
concrete-autoencoders
-
Updated
Dec 7, 2019 - Jupyter Notebook
An improved implementation of the classical feature selection method: minimum Redundancy and Maximum Relevance (mRMR).
-
Updated
Feb 4, 2019 - C++
Improve this page
Add a description, image, and links to the feature-selection topic page so that developers can more easily learn about it.
Add this topic to your repo
To associate your repository with the feature-selection topic, visit your repo's landing page and select "manage topics."
As a developer, If I want to add content to our notebook-based documentation, I typically modify the notebooks locally and then push changes up and open a PR.
The problem is that we don't want to check-in notebooks with cell outputs into our repo because it makes it harder to analyze the diff during PR reviews and it makes the notebooks larger.
This makes developing the notebooks a pain be