Ecosyste.ms: Repos

An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: information-gain

Ninad077/Machine_Learning-Decision_Tree

Content: Root node, Decision node & Leaf nodes, Attribute Selection Measure (ASM), Feature Importance (Information Gain), Gini index

Language: Jupyter Notebook - Size: 356 KB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 0 - Forks: 0

aika-algorithm/aika

AIKA is a new type of artificial neural network designed to more closely mimic the behavior of a biological brain and to bridge the gap to classical AI. A key design decision in the Aika network is to conceptually separate the activations from their neurons, meaning that there are two separate graphs. One graph consisting of neurons and synapses representing the knowledge the network has already acquired and another graph consisting of activations and links describing the information the network was able to infer about a concrete input data set. There is a one-to-many relation between the neurons and the activations. For example, there might be a neuron representing a word or a specific meaning of a word, but there might be several activations of this neuron, each representing an occurrence of this word within the input data set. A consequence of this decision is that we have to give up on the idea of a fixed layered topology for the network, since the sequence in which the activations are fired depends on the input data set. Within the activation network, each activation is grounded within the input data set, even if there are several activations in between. This means links between activations serve two purposes. On the one hand, they are used to sum up the synapse weights and, on the other hand they propagate the identity to higher level activations.

Language: Java - Size: 12.5 MB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 70 - Forks: 19

ethz-asl/cvae_exploration_planning

Learning informed sampling distributions and information gains for efficient exploration planning.

Language: Python - Size: 11.9 MB - Last synced: about 1 month ago - Pushed: over 1 year ago - Stars: 40 - Forks: 9

rachhshruti/classification-tree-greedy-algorithm

Greedy algorithm for classification tree

Language: Python - Size: 2.93 KB - Last synced: 3 months ago - Pushed: over 6 years ago - Stars: 0 - Forks: 0

jamolinet/project-mac

Sequential Minimal Optimization (SMO) algorithm for the training of Support Vector Machines (SVM)

Language: Go - Size: 240 KB - Last synced: 3 months ago - Pushed: about 7 years ago - Stars: 1 - Forks: 0

skeptiqos/qsl

q statistical learning

Language: q - Size: 74.2 KB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 6 - Forks: 0

Dor-sketch/DecisionTreeAI

An innovative Python implementation of decision trees for machine learning, showcasing algorithmic learning from scratch with practical examples and a focus on AI principles.

Language: Python - Size: 4.34 MB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 0 - Forks: 0

gawun92/Machine-Learning

Focused on math and applied the methods into programming.

Language: Python - Size: 50.8 MB - Last synced: 4 months ago - Pushed: almost 3 years ago - Stars: 0 - Forks: 0

RimTouny/Feature-Selection

Delved into advanced techniques to enhance ML performance during the uOttawa 2023 ML course. This repository offers Python implementations of NaΓ―ve Bayes (NB) and K-Nearest Neighbor (KNN) classifiers on the MCS dataset.

Language: Jupyter Notebook - Size: 1.6 MB - Last synced: 5 months ago - Pushed: 5 months ago - Stars: 0 - Forks: 0

alinourian/Artificial-Intelligence-Assignments

This repository contains the assignments of Artificial Intelligence course at Sharif University of Technology.

Language: Jupyter Notebook - Size: 6.01 MB - Last synced: 4 months ago - Pushed: 7 months ago - Stars: 0 - Forks: 0

wntun/SentimentClassificationUI πŸ“¦

Sentiment classification of movie review comments by Naive Bayesian Model (Java)

Language: Java - Size: 29.6 MB - Last synced: 7 months ago - Pushed: almost 8 years ago - Stars: 0 - Forks: 2

HosnawHb/Decision-Tree-Classifier

This project focuses on implementing and analyzing the learning process in decision trees using Connect 4.

Language: Jupyter Notebook - Size: 5.93 MB - Last synced: 10 months ago - Pushed: 10 months ago - Stars: 0 - Forks: 0

neil1023/decision-tree-computations

Simple scripts for computing information gains of attributes in a training table.

Language: Python - Size: 1.95 KB - Last synced: 10 months ago - Pushed: almost 8 years ago - Stars: 0 - Forks: 0

ankitk2109/Machine_Learning

Language: Jupyter Notebook - Size: 1.9 MB - Last synced: 10 months ago - Pushed: almost 3 years ago - Stars: 0 - Forks: 1

mirsahib/Project-Uranus

IUB CSE 425 (Artificial Intelligence)

Language: Jupyter Notebook - Size: 11 MB - Last synced: 10 months ago - Pushed: over 4 years ago - Stars: 1 - Forks: 0

Samuellucas97/TextMining-DevOpsEducation

Applying Text Mining technique in DevOps Challenges and Recommendations to teach

Language: Jupyter Notebook - Size: 150 MB - Last synced: 11 months ago - Pushed: almost 3 years ago - Stars: 0 - Forks: 0

Bovojon/AI_Decision_Trees

Language: Python - Size: 14.6 KB - Last synced: 11 months ago - Pushed: about 6 years ago - Stars: 0 - Forks: 0

Pegayus/nested-bigrams

A repository containing the source code, datasets, and ranked features for the Nested Bigrams method proposed in a paper published in ICDMW. This method is designed for authorship attribution in source code to address cybersecurity issues.

Language: Python - Size: 2.2 MB - Last synced: 11 months ago - Pushed: 11 months ago - Stars: 4 - Forks: 2

graciaapfelthaler/information-gain

Information gain can be used to get information about the value of attributes regarding a conceived result.

Language: Python - Size: 10.7 KB - Last synced: 11 months ago - Pushed: 12 months ago - Stars: 1 - Forks: 0

Jeff-Tian/entropy

calculates information entropy, and information gains.

Language: TypeScript - Size: 13.7 KB - Last synced: 3 days ago - Pushed: almost 5 years ago - Stars: 1 - Forks: 0

Jeff-Tian/id3

Visualisation for id3 classification algorithm.

Language: JavaScript - Size: 19.9 MB - Last synced: about 2 months ago - Pushed: 2 months ago - Stars: 2 - Forks: 0

ahsxn/Shannon-Fano-algorithm-and-randomisation-strategies-determining-privacy-strength

Language: Java - Size: 5.86 KB - Last synced: about 1 year ago - Pushed: over 6 years ago - Stars: 0 - Forks: 0

electricalgorithm/DecisionTree-InformationGain

This is a Decision Tree implementation with Python which uses information gain to split attributes. It does not use any ML library.

Language: Python - Size: 10.7 KB - Last synced: over 1 year ago - Pushed: over 1 year ago - Stars: 1 - Forks: 0

sachinbiradar9/Decision-Tree-Learning

Implementation of Decision tree learning algorithm with chi-square pruning

Language: Python - Size: 19.5 KB - Last synced: over 1 year ago - Pushed: over 6 years ago - Stars: 1 - Forks: 8

CIRENSANGZHU/Decision-Tree

A project of my course "Introduction to Pattern Recognition". Realize Decision Tree algorithm using PYTHON.

Language: Python - Size: 372 KB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 1 - Forks: 1

znreza/Machine_Learning_on_Prostate_Cancer

Applying different machine learning algorithms on PCGA Prostate Cancer Gene Dataset for Feature Selection, Dimensional Reduction and Classification and Regression

Language: Python - Size: 489 KB - Last synced: about 1 year ago - Pushed: over 5 years ago - Stars: 3 - Forks: 0

daodavid/classic-ML

Implementation of classic machine learning concepts and algorithms from scratch and math behind their implementation.Written in Jupiter Notebook Python

Language: HTML - Size: 1.49 MB - Last synced: over 1 year ago - Pushed: almost 2 years ago - Stars: 1 - Forks: 0

salonibhatiadutta/decision-tree-classifier-

To apply decision tree classifier on iris dataset

Language: Jupyter Notebook - Size: 68.4 KB - Last synced: about 1 year ago - Pushed: over 4 years ago - Stars: 2 - Forks: 1

AliMorty/Text-Classification

In this project, we used 3 different metrics (Information Gain, Mutual Information, Chi Squared) to find important words and then we used them for the classification task. We compared the result at the end.

Language: Jupyter Notebook - Size: 772 KB - Last synced: over 1 year ago - Pushed: almost 6 years ago - Stars: 14 - Forks: 4

Sid-stha7/car-feature-information-gain

Information gain of a car dataset was calculated in this notebook

Language: Jupyter Notebook - Size: 3.91 KB - Last synced: over 1 year ago - Pushed: about 2 years ago - Stars: 0 - Forks: 0

klstff/ce-machine-learning

Language: Jupyter Notebook - Size: 1.87 MB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 1 - Forks: 0

AyanPahari/Decision-Tree-from-Scratch

Implemented a Decision Tree from Scratch using binary univariate split, entropy, and information gain. Used Gini index and Pruning for performance improvement.

Language: Jupyter Notebook - Size: 239 KB - Last synced: over 1 year ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

dimgold/Artificial_Curiosity

Adaptive Reinforcement Learning of curious AI basketball agents

Language: Jupyter Notebook - Size: 14.2 MB - Last synced: over 1 year ago - Pushed: over 6 years ago - Stars: 14 - Forks: 6

LuckyWirasakti/machine-learning-toolbox

Language: Jupyter Notebook - Size: 36.1 KB - Last synced: over 1 year ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 0

navanith007/Feature-Selection-for-text-mining-

Feature selection techniques on author text data

Size: 191 KB - Last synced: 7 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

irenebenedetto/ID3-algorithm

Matlab implementation of the ID3 algorithm for classification

Language: MATLAB - Size: 38.1 KB - Last synced: over 1 year ago - Pushed: over 3 years ago - Stars: 0 - Forks: 1

Priyanshiguptaaa/Iris_Decision_Tree_Implementation

Built and implemented the Decision Tree successfully with split on the basis of information gain from scratch

Language: Jupyter Notebook - Size: 9.77 KB - Last synced: over 1 year ago - Pushed: about 4 years ago - Stars: 0 - Forks: 0

rahul1947/ML-A01-Decision-Trees

Implementation of Decision Tree using two heuristics for Assignment 01 of the course CS6375: Machine Learning.

Language: Java - Size: 1.18 MB - Last synced: over 1 year ago - Pushed: over 5 years ago - Stars: 0 - Forks: 0

xhsun/decision-tree

Implementation of decision tree using information gain

Language: Python - Size: 4.88 KB - Last synced: over 1 year ago - Pushed: over 5 years ago - Stars: 0 - Forks: 0

Ted96/DataScience_prj2

Classification with SVM / Random Forest / NB

Language: Python - Size: 940 KB - Last synced: over 1 year ago - Pushed: almost 5 years ago - Stars: 0 - Forks: 0

gorosgobe/decision-ex

My first attempt at Elixir, a basic implementation of decision trees.

Language: Elixir - Size: 11.7 KB - Last synced: over 1 year ago - Pushed: over 6 years ago - Stars: 1 - Forks: 0

cmsc422/project1-decision-trees

Implementing your own decision tree algorithms and applying them to real world data!

Language: Jupyter Notebook - Size: 3.11 MB - Last synced: over 1 year ago - Pushed: over 5 years ago - Stars: 1 - Forks: 4

chanioxaris/german-credit-data

Experimental classification algorithms on german credit data implemented using scikit-learn library

Language: Python - Size: 502 KB - Last synced: about 1 year ago - Pushed: about 5 years ago - Stars: 1 - Forks: 4

joctaTorres/treeasy

decision trees made easy

Language: Python - Size: 46.9 KB - Last synced: over 1 year ago - Pushed: about 3 years ago - Stars: 1 - Forks: 0

benrussell80/StatMechProject

A visual guide to how information gain is used in tree-based machine learning models.

Language: Jupyter Notebook - Size: 1.5 MB - Last synced: over 1 year ago - Pushed: almost 5 years ago - Stars: 0 - Forks: 0

jkbren/ps-gpucbpe

Adaptive experimental design for maximizing information gain

Language: R - Size: 29.3 KB - Last synced: over 1 year ago - Pushed: almost 5 years ago - Stars: 0 - Forks: 0

aptr288/Decision_Tree_From_Scratch-Pattern_Recognization_Project

Implementation of decision tree from the scratch using entropy as criteria for information gain calculations.

Language: MATLAB - Size: 702 KB - Last synced: over 1 year ago - Pushed: about 5 years ago - Stars: 0 - Forks: 0

derekmma/data-mining-algorithms

A few R programs to simulate many fundamental data mining algorithms

Size: 1.28 MB - Last synced: 12 months ago - Pushed: about 7 years ago - Stars: 0 - Forks: 1

Related Keywords
information-gain 48 machine-learning 16 entropy 11 decision-trees 11 decision-tree 10 python 10 classification 9 random-forest 7 feature-selection 6 decision-tree-classifier 5 naive-bayes-classifier 3 jupyter-notebook 3 artificial-intelligence 3 pruning 3 data-science 3 cross-validation 3 machine-learning-algorithms 3 gini-index 3 information-entropy 3 id3-algorithm 2 python3 2 kmeans 2 information-theory 2 knn 2 neural-networks 2 chi-square 2 dimensionality-reduction 2 knn-classification 2 mutual-information 2 pca 2 genetic-algorithm 2 scratch 2 java 2 scikit-learn 2 classification-trees 2 support-vector-machines 2 gini 2 r-language 1 gradient-descent 1 k-fold-cross-validation 1 lasso-regression 1 gaussian-process 1 linear 1 statistical-mechanics 1 docker 1 maximum-likelihood-estimation 1 bokeh 1 education 1 principle-component-analysis 1 probability 1 regression 1 ridge-regression 1 sigmoid-function 1 softmax-regression 1 suprise 1 prediction 1 decision-tree-build 1 kmeans-clustering 1 hierarchical-clustering 1 algorithm 1 compresion 1 data-mining 1 decompression 1 privacy-strength 1 randomisation-strategies 1 shannon-fano-algorithm 1 apriori-algorithm 1 apriori 1 decision-tree-learning 1 optimal-experimental-design 1 linear-discriminant-analysis-lda 1 low-variance 1 principal-component-analysis 1 regression-models 1 baysian 1 cross-entropy 1 elixir 1 seaborn 1 classification-algorithm 1 sgd 1 simulation 1 svm-classifier 1 adasyn 1 data-transformation 1 variance-impurity 1 mathematical-programming 1 feature-scaling 1 imbalance-dataset 1 min-max-normalization 1 chisquare 1 datamining 1 text-mining 1 machinelearning 1 iris-dataset 1 tree 1 ginni-function 1 chi-squared 1 docuement-classification 1 deep-neural-networks 1 logistic-regression 1