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

[数学计算] Fruit_quality_classification

该水果质量分类是一个机器学习系统,用于使用Logistic回归和决策树分类器对水果质量进行分类。
This Fruit_quality_classification is a Machine Learning system is developed to classify the fruit quality using Logistic regression and Decision Tree classifier. (2024-05-01, Jupyter Notebook, 0KB, 下载0次)

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

[数学计算] el_Based_Matrix_Factorization_Recommender_Systems

本节将介绍基于矩阵分解的电影和分级数据集推荐器
in this section will be matrix factorizarion based recommender on movies and ratings dataset (2024-02-25, Jupyter Notebook, 0KB, 下载0次)

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

[数学计算] rming-Loans-using-several-Machine-Learning-models

各种ML模型,如LSTM、XGBoost、LGBM、Gradient Boost、Random Forest分类器和Decision Tree分类器,已用于给定的数据集名称Kaggle上可用的Training Data,用于确定风险管理机构产生的不良贷款或坏账。已经实现了每个模型的进一步精度。
Various ML models like LSTM, XGBoost, LGBM, Gradient Boost, Random Forest Classifiers and Decision Tree classifiers have been used on a given dataset name Training Data available on Kaggle for determining Non Performing Loans or bad loans incurred by a risk management institute . Further accuracy of each and every model has been achieved. (2024-02-08, Jupyter Notebook, 0KB, 下载0次)

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

[数学计算] As-disease-association-prediction-using-Auto-LGBM

我使用自动编码器神经网络和光梯度提升机(LightGBM)的独特组合构建了一个模型,用于预测…
I constructed a model using a unique combination of Autoencoder Neural Networks and Light Gradient Boosting Machine (LightGBM) for predic… (2024-01-20, Jupyter Notebook, 0KB, 下载0次)

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

[数学计算] CodeClauseInternship_Fake_News_Detector

假新闻检测器项目利用数据科学和机器学习来区分假新闻和真新闻。正在使用数据...
The Fake News Detector project employs data science and machine learning to distinguish between fake and true news articles. Utilizing datasets, it applies Logistic Regression, Decision Tree, Gradient Boosting, and Random Forest models, achieving high accuracies (e.g., 99.55%). (2023-12-16, Jupyter Notebook, 0KB, 下载0次)

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

[数学计算] IncrementalLinearGradientBoost

一种(希望)新颖的boosting算法的尝试,其中基础学习器是线性的。最终的模型本身是线性的。
An attempt at a (hopefully) novel boosting algorithm, in which the basis learners ar linear s.t. the final model is itself linear. (2023-12-07, Jupyter Notebook, 0KB, 下载0次)

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

[数学计算] Part-of-speech-tagging-with-hidden-Markov-models

该项目旨在使用隐马尔可夫模型(HMM)开发南非荷兰语的词性标记器。
This project aims to develop a part-of-speech tagger for Afrikaans, a South African language, using a hidden Markov model (HMM). (2023-11-27, Jupyter Notebook, 0KB, 下载0次)

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

[数学计算] ientBoostingClassifier-based-Diabetese-Prediction

基于梯度增强分类器(GBC)的糖尿病预测应用程序。GBC模型在准确性(0.7597)、召回率(0.61...
Gradient Boosting Classifier (GBC) based Diabetese Prediction App. The GBC model showed an improvement in accuracy (0.7597), recall (0.6111), and F1 score (0.6408) compared to both the SVC and RFC models. (2023-11-17, Jupyter Notebook, 0KB, 下载0次)

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

[数学计算] nt-Analysis-with-Bernoulli-Naive-Bayes-Classifier

使用贝努利朴素贝叶斯分类器进行文本情感分析。该项目提供了情感分析的实际实现,...
Text sentiment analysis using a Bernoulli Naive Bayes classifier. This project provides a practical implementation of sentiment analysis, helping understand and classify sentiment in text data efficiently. (2023-11-15, Jupyter Notebook, 0KB, 下载0次)

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

[数学计算] personality_prediction

用于预测人的个性的web应用程序。以twitter手柄和心理测量测试为输入。随机森林分类器和G...
A web application to predict personality of a person. Takes twitter handle and psychometric test as input. Random forest classifier and Gradient Boosting Classifier are used for prediction (2023-11-02, Jupyter Notebook, 0KB, 下载0次)

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

[数学计算] Banking_ML

...将比较称为决策树和梯度提升分类器的方法。每个数据集都是不同的,因此我们必须适应我们的...
In this practical case I want to show you how banks could concede a credit. In this small project we will observe the importance of obtaining complete data, how to preprocess it, how to manage different algorithms/methods, and how to interpret them. Two methods called Decision Tree and Gradient Boosting Classifier will be compared. Each dataset ... (2021-07-08, Jupyter Notebook, 0KB, 下载0次)

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

[数学计算] Email-Spam-Filtering

使用各种NLP预处理技术来清理数据(数据集非常不干净)。。并使用朴素贝叶斯分类器作为模型,
Used various NLP preprocessing techniques to clean the data(The dataset is very unclean)..And used naive-bayes classifier as the model, (2023-09-11, Jupyter Notebook, 0KB, 下载0次)

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

[数学计算] D-CMAB-TS

它是一个存储库,包含使用汤普森采样的组合多臂强盗算法的实现,以解决组合器...,
It is a repository containing the implementation of combinatorial multi-armed bandit algorithm with Thompson Sampling to solve combinatorial optimization problems involving single agent as well as multiple agents in a decentralized environment. (2023-08-24, Jupyter Notebook, 0KB, 下载0次)

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

[数学计算] Pima-Indians-Dibetes-Prediction

描述:欢迎访问“使用随机森林分类器进行Pima印第安人糖尿病预测”存储库!本项目旨在探索和...,
Description: Welcome to the "Pima Indians Diabetes Prediction with Random Forest Classifier" repository! This project aims to explore and analyze the famous Pima Indians Diabetes dataset using the power of machine learning and the Random Forest classification algorithm. (2023-08-18, Jupyter Notebook, 0KB, 下载0次)

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

[数学计算] Email-Spam-Fitering

使用各种NLP预处理技术来清理数据(数据集非常不干净)。。并使用朴素贝叶斯分类器作为模型,
Used various NLP preprocessing techniques to clean the data(The dataset is very unclean)..And used naive-bayes classifier as the model, (2023-08-15, Jupyter Notebook, 0KB, 下载0次)

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

[数学计算] GaussianNaiveBayesClassifier1D

用于1D数据和2类分类的高斯朴素贝叶斯分类器的从头开始(主要)实现,
A from scratch (mostly) implementation of the Gaussian Naive Bayes Classifier for 1D data and 2 Class classification, (2023-08-14, Jupyter Notebook, 0KB, 下载0次)

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

[数学计算] deeplearning-framework

微型深度学习框架,通过反向传播算法u...创建和训练简单的神经网络(即多层感知器)...,
Mini Deep Learning framework to create and train simple Neural Network (i.e. Multi Layer Perceptron) through Back-Propagation Algorithm using only PyTorch s tensor definition and elementary mathematical operations. (2021-07-30, Jupyter Notebook, 0KB, 下载0次)

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

[数学计算] heatConduction

基于有限差分法和隐式反向欧拉时间格式的一维热传导求解器
A 1D heat conduction solver using Finite Difference Method and implicit backward Euler time scheme (2019-08-25, Jupyter Notebook, 107KB, 下载0次)

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

[数学计算] Email-Spam-Detection-Using-NLP

使用一些nlp技术和多项式朴素贝叶斯分类器将电子邮件分类为垃圾邮件或不垃圾邮件
Classify email to spam or not using some nlp techniques and multinomial naive bayes classifier (2023-02-03, Jupyter Notebook, 4440KB, 下载0次)

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

[数学计算] sms-spam-ham-detector

使用Python Flask和朴素贝叶斯分类器将SMS检测为垃圾邮件或火腿(不是垃圾邮件)的简单web应用程序。
A simple web app to detect SMS as spam or ham(not spam) using Python Flask and Na ve Bayes classifiers. (2020-07-26, Jupyter Notebook, 2834KB, 下载0次)

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