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

Topic: "datamining-algorithms"

rzninvo/IR_Phase3

Third and final phase of the Information Retrieval Project.

Language: Python - Size: 19.5 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 0

Ali-Jedari/KNN_vs_NaiveBayes

Implementing Gaussian Naive Bayes and KNN from scratch and evaluating their performances on heart dataset

Language: Python - Size: 27.3 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

mohammadtavakoli78/Data-Mining

This is projects of Data Mining

Language: Jupyter Notebook - Size: 7.93 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 1

acdmammoths/datasetgenerator

A porting to modern g++ and C+11 of the IBM Quest dataset generator

Language: C - Size: 42 KB - Last synced at: 1 day ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 4

adarsh-nl/FP-growth-algorithm-from-scratch

FP Growth algorithm implemented using python

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

MuhammadUsmanTipu/Classification-IBM-Project

The dataset is about past loans. The loan_train.csv data set includes details of 346 customers whose loans are already paid off or defaulted.

Language: Jupyter Notebook - Size: 64.5 KB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

es-roly99/KNN-Anomalies-Detection

KNN algorithm in big data for the detection of anomalies using Apache Spark and Scala

Language: Scala - Size: 7.05 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

acdmammoths/SPEck-code

Code for the paper "SPEck: Mining Statistically-significant Sequential Patterns Efficiently with Exact Sampling", by Steedman Jenkins, Stefan Walzer-Goldfeld, and Matteo Riondato, appearing in the Data Mining and Knowledge Discovery Special Issue for ECML PKDD'22.

Language: Java - Size: 1.92 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 1

ecaldwe1/DSCI502_DataMiningAtScale

Course Notes

Language: Jupyter Notebook - Size: 27.3 KB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

mabeerkhan/Intermediate-Programing

This Repository contains the Intermediate level of programing code that are used in Data mining, e.t.c for Understanding of Algorithms and various other tasks.

Language: Jupyter Notebook - Size: 54.7 KB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 0 - Forks: 0

Ayrton-Milessi/TPFinal_MineriadeDatos

Repositorio para almacenar el script del Trabajo Práctico Final de Minería de Datos.

Language: R - Size: 1.35 MB - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 0 - Forks: 0

Damithewiz/Association-Rule-Mining

A data mining project using the Apriori algorithm for Market Basket Analysis. Association rules were generated and interpreted across various parameter settings to discover purchasing patterns in retail transaction data.

Language: Jupyter Notebook - Size: 3.17 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

praShaanT11/Data-Mining-Lab-Assigments

Assignments Submitted for the Data Mining Lab at South Asian University

Language: Jupyter Notebook - Size: 292 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

sadikurrahamanfahim/DataVize

Web Based application with various operations for data science

Language: Python - Size: 18.6 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Blankscreen-exe/Data-Mining-Lab

Course Code: CS626, MCS Batch-2019 (Final Year) Evening

Language: Jupyter Notebook - Size: 18.8 MB - Last synced at: about 1 month ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

agailloty/SharpMiner

SharpMiner is a .NET library that streamlines the process to do data mining on a dataset. The library implements several algorithtms such as PCA or MCA.

Language: C# - Size: 8.13 MB - Last synced at: 19 days ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

jElhamm/Model-Ensembles-Bagging-In-Machine-Learning

"This repository contains implementations of Boosting method, aimed at improving predictive performance by combining multiple models. by using titanic database."

Language: Jupyter Notebook - Size: 702 KB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

jElhamm/Model-Ensembles-Boosting-In-Machine-Learning

"This repository contains implementations of Boosting method, popular techniques in Model Ensembles, aimed at improving predictive performance by combining multiple models. by using titanic database."

Language: Jupyter Notebook - Size: 576 KB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

karstenpedersen/r-scripts

Some scripts for datamining.

Language: R - Size: 1000 Bytes - Last synced at: 4 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Ronjabati/EMPLOYEE-ATTRITION-ANALYSIS

The project's objective is to harness a HR Analytics dataset. With predictive proccess I tried to equip HR management with actionable insights, enabling them to proactively address attrition issues and implement targeted retention strategies.

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

drewm8080/data_mining_streaming_data

A project for streaming algorithms: Bloom filtering, Flajolet-Martin Algorithm, Fixed-Size Sampling

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

praveenpuvvala/A-Data-Mining-Based-Model-For-Detection-of-Fraudulent-Behaviour-in-Water-Consumption

Data Mining Model For Detection of Fraudulent Behaviour

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

Madeshwar01/Market_basket_insights

Market basket analysis is a technique used mostly by retailers to identify which products clients purchase together most frequently. This involves analyzing point of sale (POS) transaction data to identify the correlations between different items according to their co-occurrence in the data.

Language: Jupyter Notebook - Size: 23.7 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

PeterLenon/I.R.I.S_DiaryResponses

Data Mining for Research Diary at Indiana University

Language: Python - Size: 795 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

mohamedezzeldeenhassanmohamed/Data-Mining-Project

Data minnig GUI project to predict laptop prices,I uses most of ML algorithmes here

Language: Jupyter Notebook - Size: 5.7 MB - Last synced at: 3 months ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

AtaUllahB/Python-Practice-Notebooks-Machine-Learning-Data-Mining

Practice codes for Machine Learning, Data Mining and NLP in Python

Language: HTML - Size: 2.22 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

mivinmathew/DataMiningProblemSets

Experimenting with clustering, classification and association analysis with various csv files.

Language: Jupyter Notebook - Size: 197 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

anudeep-17/Data-mining-study

Datamining concepts

Language: Python - Size: 714 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

cardiaa/OccupancyDetection

Language: Jupyter Notebook - Size: 19.6 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

cardiaa/Dont-Get-Kicked

Language: Jupyter Notebook - Size: 77.3 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

sumitsingh34/school-projects

This contains all projects that I have done during my master degree.

Language: Python - Size: 1.05 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

devanshkochar/N-Queen-Problem

N Queen Problem Policeman Activity

Language: Python - Size: 1000 Bytes - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

VictorNico/data_mining_21_22_uy1

some training, learning and TD/TP ressources

Language: HTML - Size: 14.1 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

arabporr/Clustering_Algorithms

Used clustering algorithms such as K-Means, Fuzzy C-Means, and Density-Based Algorithms like DBScan to cluster three datasets and reported result of the best algorithm after 200 random starting points.[part of my data mining course]

Language: Jupyter Notebook - Size: 2.32 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

ms-heidari/DataMining-Projects

Advanced Datamining course of Shahid Beheshti University

Language: Jupyter Notebook - Size: 14.9 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

tushartotla12/sentiment-analysis

The project or work which goals to extract the opinions, emotions, attitudes of public towards different object of interest. Sentiment analysis is a form of shallow semantic analysis of texts. In the project an automatic approach that involves supervised machine learning and text mining classification algorithms are used which includes the sentimental analysis in various applications. Various fields like twitter tweets, movie review tweets, election result tweets, digital libraries, life sciences, social media tweets and various other fields have been analyzed and the algorithms like line regression, Support vector machine (SVM), Naïve bayes are used in every content and a result is brought out through the means of various types of graphs. More specifically, MOVIE REVIEWS have been considered and the scrapping reviews of a particular movie after the predicting the sentiment of each review and on that basis, status of the movie review is understood. It is predicted that one can generalize the other applications using the specific content even.

Size: 996 KB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

mascarenhasneil/Boston-Property-Assessment

This is Final Capstone Project for ALY6040 Data Mining Fall 2021 CPS. Primarily to learn Data Analytics, Data Mining and Python. Residential and commercial properties were assessed in Boston. The Boston Globe reported in May 2021 that the competitive Boston housing market drives up costs. As the pandemic continues, people demand larger homes. Finding a home became more difficult as most property managers and realtors could not display their properties to several people. This post was written to help individuals, realtors, and real estate brokers find a property at a reasonable price. We selected to use a few basic machine learning concepts to help us determine the best selling price for the house based on the amount of rooms, location, design, and other characteristics about the bath and kitchen. We only focused on residential property because it was in demand. This study's goal was to improve on initial EDA work by constructing predictive models that solved our business concerns. Finally, optimizing the model's performance.

Language: Jupyter Notebook - Size: 14 MB - Last synced at: about 2 months ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

laca-is/Prevh

This package implements the Prevh classification algorithm.

Language: Python - Size: 889 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

VinayChaudhari1996/Stackoverflow-Question-Answering-

-- Stackoverflow open question and answering using heystack framework.

Language: Jupyter Notebook - Size: 12.7 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

MKarimi21/DataMining_Tutorial

This Repo created for Data Mining courses for my teaching to students

Language: Jupyter Notebook - Size: 1.37 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

nikopetr/K-Means-and-Single-Link-Hierarchical-Clustering-on-Geodata

A Data Mining project which focuses on the comparison between different un-supervised clustering algorithms on geographical data

Language: R - Size: 3.2 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

Wlzzzz-del/Some_datamining_code

一些数据挖掘算法

Language: Python - Size: 6.84 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

Sujit26/DataMining-Algorithms

Python Implementation of data mining algorithms(Apriori, Eclact, FP Growth ).

Language: Python - Size: 7.71 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

NeginSal/RapidMiner-ID3

RapidMiner-DataMinig

Size: 1.27 MB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

Related Topics
datamining 20 python 13 machine-learning 9 data-science 9 data-analysis 6 data 6 decision-trees 5 data-visualization 4 logistic-regression 4 jupyter-notebook 4 data-mining 4 machinelearning 3 neural-networks 3 association-rules 3 clustering 3 classification-report 2 decision-tree-classifier 2 confusion-matrix 2 gridsearchcv 2 database-analysis 2 pandas 2 machine-learning-models 2 machine-learning-projects 2 machine-learning-algorithms 2 knn-classification 2 module 2 numpy-library 2 pandas-library 2 sklearn-library 2 apriori-algorithm 2 classification 2 r 2 knn 2 gini 2 dbscan 2 svm 2 k-means 2 entropy 2 apriori-algorithm-python 2 datapreprocessing 2 apriori 2 spark 2 svm-model 2 python3 2 svm-classifier 2 interpretation 1 cba 1 model-building 1 pre-treatment 1 matplotlib 1 data-understanding 1 data-modeling 1 ensemble-model 1 ensemble-machine-learning 1 scala 1 statistic-vs-datascience 1 bagging-ensemble 1 bagging 1 pattern-mining 1 streamlit 1 knn-classifier 1 datavisualization 1 anomalies-detection 1 business-understanding 1 chi-merge 1 pca-analysis 1 dotnet 1 classification-model 1 cnn-classification 1 decision-tree 1 ibmclassification 1 ibmproject 1 knn-model 1 outliers-detection 1 svm-learning 1 text-mining-in-python 1 boston-gov 1 datascience-machinelearning 1 predective-modeling 1 residential 1 datascience 1 spade 1 boosting 1 boosting-algorithms 1 boosting-ensemble 1 boosting-machine 1 matplotlib-python 1 model-ensemble 1 data-mining-assignments 1 k-means-clustering 1 laptop-dataset 1 laptop-price-prediction 1 linear-regression 1 ml 1 mlalgotithms 1 naive-bayes-classifier 1 pca 1 visualization 1 stackoverflow 1 question-answering 1