联合开发网   搜索   要求与建议
                登陆    注册
排序按匹配   按投票   按下载次数   按上传日期
按分类查找All 聚类算法(1015) 
按平台查找All Python(1015) 

[聚类算法] Malicious_User_Detection

使用朴素贝叶斯、SVM、KNN和MLP分类器进行恶意用户检测,
Malicious user detection using Naive Bayes, SVM, KNN and MLP classifier, (2023-10-22, Python, 0KB, 下载0次)

http://www.pudn.com/Download/item/id/1697981818588279.html

[聚类算法] rt_mc_class_naive_bayes_sklearn

Scikit Learn中的朴素贝叶斯多类分类器和LIME解释,
Naive Bayes Multiclass Classifier in Scikit-Learn with LIME explanations, (2023-08-25, Python, 0KB, 下载0次)

http://www.pudn.com/Download/item/id/1693006706777883.html

[聚类算法] constrained_kmeans

使用Gurobi解算器在Python中实现两个版本的约束kmeans,
Implementation of two versions of constrained kmeans in Python with the use of Gurobi solver, (2023-08-07, Python, 0KB, 下载0次)

http://www.pudn.com/Download/item/id/1691421064572934.html

[聚类算法] MFCC-HMM

以MFCC为特征抽取器的隐马尔可夫模型音频分类,
Audio classification using Hidden Markov Model with MFCC as the feature extractor, (2023-08-02, Python, 0KB, 下载0次)

http://www.pudn.com/Download/item/id/1691073160241258.html

[聚类算法] Naive-Bayes-Classifier

从MNIST数据库中识别手写数字的朴素贝叶斯分类器
A Naive Bayes Classifier for recognizing handwritten digits from MNIST Database (2019-09-11, Python, 499KB, 下载1次)

http://www.pudn.com/Download/item/id/1686736432862190.html

[聚类算法] Mushroom-Data-Set-Naive-Bayes-Simple-Probability

朴素贝叶斯分类器:简单概率和蘑菇数据集
Naive Bayes Classifier: Simple Probability and the Mushroom Data Set (2018-03-13, Python, 2KB, 下载0次)

http://www.pudn.com/Download/item/id/1686736432901355.html

[聚类算法] digit_recognition_bernoulli_naive_bayes

用于数字识别器(kaggle)的贝努利朴素贝叶斯实现
An implementation of Bernoulli Naive Bayes for digit recognizer (kaggle) (2018-06-08, Python, 15234KB, 下载0次)

http://www.pudn.com/Download/item/id/1686736396246661.html

[聚类算法] NaiveBayes

从头开始的朴素贝叶斯分类器-具有连续和离散变量的数据集
Naive Bayes Classifier from scratch - Dataset with continuous and discrete variables (2017-10-08, Python, 71KB, 下载0次)

http://www.pudn.com/Download/item/id/1686736279263843.html

[聚类算法] NaiveBayesClassifier

具有拉普拉斯平滑的朴素贝叶斯分类器
Simple Naive Bayes classifier with Laplace smoothing (2019-05-11, Python, 3KB, 下载0次)

http://www.pudn.com/Download/item/id/1686736203867408.html

[聚类算法] text_classification

用于分类某些类别中的文章的朴素贝叶斯分类器的Python实现
Python implementation of Naive Bayes classifier for classifying articles in certain categories (2014-06-03, Python, 3KB, 下载0次)

http://www.pudn.com/Download/item/id/1686736140205228.html

[聚类算法] xtractor

主题提取器,其思想是使用genism.n_similarity生成标签
Topic extractor with the idea of generating labels using genism.n_similarity (2018-04-02, Python, 6KB, 下载0次)

http://www.pudn.com/Download/item/id/1686632828215103.html

[聚类算法] jTrans

jTrans官方代码:用于二进制代码相似性检测的跳变感知transformer
Official code of jTrans: Jump-Aware Transformer for Binary Code Similarity Detection (2023-04-14, Python, 2666KB, 下载0次)

http://www.pudn.com/Download/item/id/1686631329886470.html

[聚类算法] knn_mnist

一个带有GUI的、使用Bagging集成的mnist数据集上的knn分类器。
A knn classifier on the mnist dataset with GUI and Bagging integration. (2018-05-24, Python, 11564KB, 下载0次)

http://www.pudn.com/Download/item/id/1686605320377134.html

[聚类算法] KNNCC

在Python中实现K-Nearest Neighbour CIFAR-10分类器。
Implementation of a K-Nearest Neighbour CIFAR-10 Classifier in Python. (2018-04-10, Python, 20KB, 下载0次)

http://www.pudn.com/Download/item/id/1686605314221371.html

[聚类算法] pytorch-multi-label-classifier

一种pytorch实现的多标签分类分类器
A pytorch implemented classifier for Multiple-Label classification (2018-05-25, Python, 5360KB, 下载0次)

http://www.pudn.com/Download/item/id/1686197511199392.html

[聚类算法] support-vector-machine-implemetation

该repo包含支持向量机的二进制分类器的实现
this repo contains the implementation of binary classifier of support vector machine (2020-05-31, Python, 1KB, 下载0次)

http://www.pudn.com/Download/item/id/1590921535898408.html

[聚类算法] BasisVAE

BasisVAE的PyTorch实现:使用变分自动编码器的平移不变特征级聚类
PyTorch implementation of BasisVAE: Translation-invariant feature-level clustering with Variational Autoencoders (2020-03-16, Python, 6161KB, 下载0次)

http://www.pudn.com/Download/item/id/1584335758398609.html

[聚类算法] xiangshi

中文文本相似度计算器 + 中文文本聚类 - Text Similarity Calculator + Text Clustering
Chinese Text Similarity Calculator+Chinese Text Clustering - Text Similarity Calculator+Text Clustering (2022-08-22, Python, 20KB, 下载0次)

http://www.pudn.com/Download/item/id/1661127375633264.html

[聚类算法] image_clustering

基于k-均值和初始特征提取器的图像聚类
Cluster images into groups based on k-means and inception feature extractor (2022-11-21, Python, 4954KB, 下载0次)

http://www.pudn.com/Download/item/id/1669037570536120.html

[聚类算法] student-grades-predictor

该模型使用kmeans分类器算法来预测G3的通过失败
this model uses kmeans classifier algorithm to predict the G3 in pass fail (2020-05-23, Python, 13KB, 下载0次)

http://www.pudn.com/Download/item/id/1590206452966931.html
总计:1015