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

Topic: "passive-aggressive-classifier"

ozlemelo/detecting_fake_news

TfidfVectorizer & PassiveAggressiveClassifier

Language: Jupyter Notebook - Size: 11 MB - Last synced at: 4 days ago - Pushed at: over 3 years ago - Stars: 7 - Forks: 2

chiraag-kakar/FUND

An NLP model to detect fake news and accurately classify a piece of news as REAL or FAKE trained on dataset provided by Kaggle.

Language: Jupyter Notebook - Size: 11.1 MB - Last synced at: about 2 months ago - Pushed at: almost 5 years ago - Stars: 5 - Forks: 0

Pavansomisetty21/Fake-News-Detection-

fake news detection using passive Aggresive classifier

Language: Jupyter Notebook - Size: 48.8 KB - Last synced at: 4 months ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 0

SonicStrain/News-Reliability-tester

Detecting 'FAKE' news using machine learning.

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

rudrajikadra/Fake-News-Detection-with-Python-and-PassiveAggressiveClassifier

This is my Machine Learning model created with PassiveAggressiveClassifier to detect a news as Real or Fake depending on it's contents.

Language: Jupyter Notebook - Size: 11.1 MB - Last synced at: about 1 month ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 0

rishabh-karmakar/Detection-of-Real-or-Fake-News

Detect Real or Fake News. To build a model to accurately classify a piece of news as REAL or FAKE. Using sklearn, build a TfidfVectorizer on the provided dataset. Then, initialize a PassiveAggressive Classifier and fit the model. In the end, the accuracy score and the confusion matrix tell us how well our model fares.

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

akrishna5/Fake_News_Detection

TARP Project

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

JANBOUBI-ABDERRAHIM/Classification-and-specification-of-maritime-zones-in-juridique-articles

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

Thilagavijayan/Data_Dredge

This webapp helps to find the inaccurate information around the world through news

Size: 1.08 MB - Last synced at: about 1 year ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 1

curiousnish/fake-news-detector

Detect FAKE news using sklearn

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

Kirthik1104/Fake-News-Detection

Fake News Detection using Scikit-learn

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

AgyeyaMishra/fake-news-detection-using-machine-learning

A project which examines the prevalence of fake news in light of communication breakthroughs made possible by the rise of social networking sites.

Language: Jupyter Notebook - Size: 11 MB - Last synced at: 12 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 1

yeguacelestial/fake-news-detection

A Django webapp that detects fake news with Machine Learning.

Language: Jupyter Notebook - Size: 4.35 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 4

aashish22bansal/Fake-News-Detection

This is a simple model which first vectorizes the training data using TF-IDF and then uses Passive Aggressive Classifier to train on the input data.

Language: Jupyter Notebook - Size: 22.1 MB - Last synced at: 4 months ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

tomershay100/Multiclass-Classification

Implementation of some machine learning algorithms for classification on the iris flowers data set

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

jonathanlee06/FakeNewsDetectorApp

CheckThis is a Fake News Detection website developed by Jonathan Lee as part of the Final Year Project (FYP). The aim of this project is to create a simple web application to help ease the process of verifying the validity of a news article online

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

pratham3012/Fake-News-Detector

This advanced python project of detecting fake news deals with fake and real news. Using sklearn, we build a TfidfVectorizer on our dataset. Then, we initialize a PassiveAggressive Classifier and fit the model. In the end, the accuracy score and the confusion matrix tell us how well our model fares.

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

smit-sms/Fake-News-Detection

This is a flask application that detects and identifies the fake or real news.

Language: HTML - Size: 13.6 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 2

20481A5450/Drug-Recommendation-System

Language: Jupyter Notebook - Size: 47.9 MB - Last synced at: 14 days ago - Pushed at: 14 days ago - Stars: 0 - Forks: 0

Irene-Busah/AI-projects

This repository keeps track and progress of my projects in machine learning, natural language processing, deep learning, etc

Language: Jupyter Notebook - Size: 49.2 MB - Last synced at: 16 days ago - Pushed at: 16 days ago - Stars: 0 - Forks: 0

sabin74/fake_news_detection

This project implements a Fake News Detection system using Python, Natural Language Processing (NLP), and machine learning. It classifies news articles as Real or Fake based on their textual content.

Language: Jupyter Notebook - Size: 42.3 MB - Last synced at: 8 days ago - Pushed at: 20 days ago - Stars: 0 - Forks: 0

udaykiran9392/fakenews_detection_using_ML

Implemented a machine learning model to detect fake news using Natural Language Processing techniques like TF-IDF and stemming. Trained multiple classifiers including Logistic Regression and PassiveAggressiveClassifier for accurate classification. This project showcases practical NLP skills for tackling misinformation in media.

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

R-o-n-a-k/FND

An Passive Aggressive & Naive Bayes ML based model connected with Ui built on Python Flask for detecting news as fake or real.

Language: CSS - Size: 22.8 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

sfansaria/Instagram-Reach-Analysis

Analyzing Instagram Reach

Language: Jupyter Notebook - Size: 3.25 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

Ajit49/Fake-News-Detecting

To build a model to accurately classify a piece of news as REAL or FAKE.

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

Lefteris-Souflas/AI-Fashion

"DressMeUp" project utilizes fashion images and color combinations to achieve image classification for clothing combinations. Algorithms include SGD (SVM), Passive Aggressive Classifier, ResNet50 CNN, and EfficientNetV2-S CNN with K-Means for color analysis. Achieved accuracy exceeds 90%. Built with Python, Scikit-Learn, TensorFlow, and Streamlit.

Language: Jupyter Notebook - Size: 785 MB - Last synced at: 14 days ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 3

Anshler/fake_news_detector

Fake news detection in English and Vietnamese 📰❌

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

bilalhameed248/NLP-Fake-News-Classification

Fake News Classification using Naive Bayes, Passive-Aggressive (PA) Classifier and Artificia Neural Network (ANN)

Language: Jupyter Notebook - Size: 62.5 KB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Ashwath0102/Detecting-Passive-Aggression-in-texts

NLP program to detect passive aggressive statements

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

Yash-Barjatya/Fake_News_Detection

Fake News Detection using Machine Learning Algorithms and deploying using Flask

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

AMIT110409/FakeNewsTfidVECTorizer-passiveAggressiveClassifier

TfidfVectorizer is a technique used to transform text data into numerical feature vectors.

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

crncck/Fake-News-Detection

Fake News Detection with Multinomial NB Classifier and Passive Aggressive Classifier

Language: Jupyter Notebook - Size: 35.8 MB - Last synced at: 7 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 1

ousmal/Openclassrooms_P5_Categoriser_Questions

Projet de NLTP comparant des approches supervisées et non supervisées dans le cadre de la formation d'ingénieur machine Learning dispensé par Openclassrooms

Language: Jupyter Notebook - Size: 41.6 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

vrindaparam/Fake-News-Detection

Fake News Detection

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

rahman-rakib/Song_Lyrics_Classification

Text classification model trained on the song lyrics of two similar artists, with the corpus built from web scraping and HTML parsing

Language: Jupyter Notebook - Size: 109 KB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

AkashBangalkar/Fake-News-Detection

Machine Learning - Binary Classification

Language: Jupyter Notebook - Size: 142 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

anweasha/Detecting-Fake-News

A machine learning model for detecting fake news

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

doguilmak/Toxic-Tweet-Analysis

With PAC and XGBoost classifiers, two models have been developed to predict toxic or non-toxic tweets.

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

doguilmak/IMDb-Movie-Interpretation-Sentiment-Analysis

In this laboratory, PAC and XGBoost models have been developed that predict positive or negative comments about various movies.

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

abhirick23/Fake_news_detection

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

doguilmak/Fake-News-Detection

In this project, with XGBoost and PAC models, it has been tried to guess whether the news is fake or real based on title and content.

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

Big-Data-Course-Team/Machine-Learning-with-Spark-Streaming

Sentiment Analysis with Spark Streaming

Language: Python - Size: 851 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 1

prankur16shukla/Fake_News_Classifier

In this project, we will be creating a Fake news classifier model that will classify the news based on the 'title' and 'text', whether it is 'Real' or 'Fake'. The dataset that we are using here is taken from www.kaggle.com.

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

ruky69/Fake-News-Detection

Fake news detection using different types of classification ML models

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

Jash-tech/NLP-Fake-News-Detection

Natural language processing(NLP) model that predicts whether the news is FAKE or REAL.

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

shrutibalan4591/Fake-News-Detection

A simple end-to-end project on fake v/s real news detection/classification.

Language: HTML - Size: 1.84 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 1

aaronsmoore/news-analysis

News Classification and Sentiment Analysis

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

DevTotti/fake_news_classification

Classification of news to fake or real using the Support Vector Machine (SVC) achieving an accuracy of 92.8% and PAssive Aggressive Classifier (PAC) achieving 92.5% accuracy

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

musstafa08-bug/Fake-News-Classifier

Language: Jupyter Notebook - Size: 1.34 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

Related Topics
machine-learning 27 python 14 tfidf-vectorizer 13 nlp 10 fake-news-detection 9 fake-news 8 tf-idf 8 multinomial-naive-bayes 8 logistic-regression 7 sklearn 7 classification 6 natural-language-processing 6 scikit-learn 6 flask 5 machine-learning-algorithms 5 tfidfvectorizer 5 python3 4 pandas 4 nltk 4 confusion-matrix 4 regex 4 naive-bayes-classifier 3 fakenewsdetection 3 tfidf-text-analysis 3 deep-learning 3 numpy 3 xgboost 3 jupyter-notebook 3 text-classification 3 binary-classification 3 random-forest-classifier 3 sklearn-vectorizer 2 matplotlib-pyplot 2 machinelearning 2 accuracy-score 2 stemming 2 data-visualization 2 passive-aggressive 2 fake-news-classification 2 decision-tree-classifier 2 svm 2 detection 2 streamlit 2 sgd-classifier 2 spacy-nlp 2 tfidf 2 svm-classifier 2 support-vector-machine 2 ml 1 machine-learning-project 1 passiveaggressiveclassifier 1 html5 1 sentiment 1 business-idea 1 cnn-classification 1 efficientnetv2 1 image-classification 1 deployemnt 1 css3 1 fake 1 classification-internal 1 zones 1 xgboost-classifier 1 maritime 1 legal-documents 1 identification 1 bert-fine-tuning 1 active-learning 1 machine-learning-deployment 1 passive-aggressive-algorithm 1 tf-idf-vectorizer 1 itertools 1 advanced-python 1 tfidfvectorization 1 textvectorization 1 stopwords-removal 1 seaborn 1 matplotib 1 googlecolab 1 render 1 kaggle 1 project 1 news-article 1 text 1 real-fake-news 1 news 1 kaggle-fake-news 1 kaggle-dataset 1 nlp-basic 1 embeddings 1 deep-neural-networks 1 artificial-neural-networks 1 hacktoberfest2022 1 hacktoberfest 1 accuracy-metrics 1 tensorflow2 1 sqlite3 1 resnet-50 1 outfit-planner 1 outfit-matching 1