GitHub topics: isolation-forest
krishaa1803/Bitcoin-Transaction-Anomaly-Detection-using-Unsupervised-Machine-Learning
Built an unsupervised Machine Learning pipeline to detect anomalies in Bitcoin transactions by selecting 19 key features from 700.
Language: HTML - Size: 16.6 MB - Last synced at: about 7 hours ago - Pushed at: about 8 hours ago - Stars: 0 - Forks: 0

TAYMESMAEE/Anomaly-Detection-in-Transactions
Anomaly detection in transactions means identifying unusual or unexpected patterns within transactions or related activities. These patterns, known as anomalies or outliers, deviate significantly from the expected norm and could indicate irregular or fraudulent behaviour.
Language: Python - Size: 41 KB - Last synced at: about 23 hours ago - Pushed at: about 23 hours ago - Stars: 0 - Forks: 0

otuemre/RealTimeNIDS
Real-time network intrusion detection system using Zeek flow logs and machine learning (IsolationForest). Detects threats with both signature-based and anomaly-based techniques trained on the CSE-CIC-IDS2018 dataset.
Language: Jupyter Notebook - Size: 44.9 KB - Last synced at: 1 day ago - Pushed at: 12 days ago - Stars: 1 - Forks: 0

munas-git/hotel_booking_price_elasticity_modeling_and_customer_segmentation
Modeling hotel booking demand and segmenting guests using price elasticity analysis, statistical modeling, and behavioral clustering to inform targeting and STP strategies.
Language: Jupyter Notebook - Size: 9.05 MB - Last synced at: 12 days ago - Pushed at: 12 days ago - Stars: 0 - Forks: 0

0xSolanaceae/NeuroLog
ML-Powered Log Analysis
Language: Python - Size: 962 KB - Last synced at: about 6 hours ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

anacletu/ml-intrusion-detection-cicids2017
Machine Learning-based Intrusion Detection System (IDS) tailored for resource-constrained networks
Language: Jupyter Notebook - Size: 11.2 MB - Last synced at: 18 days ago - Pushed at: 19 days ago - Stars: 2 - Forks: 0

ReverendBayes/BMW-MHD-Log-Anomaly-Detector
BMW MHD log anomaly detector — a damn useful tool for tuners and enthusiasts. Detects log anomalies using Isolation Forests trained on real driving data with binary features for AFR spikes, throttle faults, and RPM anomalies.
Language: Python - Size: 83.3 MB - Last synced at: 19 days ago - Pushed at: 19 days ago - Stars: 2 - Forks: 0

SriBalaji2112/Advanced-Techniques-for-Detecting-Anomalies-in-EDR-Logs-for-Cybersecurity-SOC-Analytics
This project focuses on building an AI-driven anomaly detection framework that uses the Isolation Forest algorithm to identify suspicious events in unstructured system log data.
Language: Python - Size: 10.6 MB - Last synced at: 27 days ago - Pushed at: 27 days ago - Stars: 0 - Forks: 0

prathamesh693/01_Credit-Card-Fraud-Detection-Using-Anomaly-Detection
This repository contains a machine learning-based system for detecting fraudulent credit card transactions using Isolation Forest and One-Class SVM algorithms. The project includes data preprocessing, exploratory data analysis (EDA), model training, evaluation, and real-time fraud prediction via a Streamlit web interface.
Language: Python - Size: 81 MB - Last synced at: 30 days ago - Pushed at: 30 days ago - Stars: 0 - Forks: 0

david-cortes/isotree
(Python, R, C/C++) Isolation Forest and variations such as SCiForest and EIF, with some additions (outlier detection + similarity + NA imputation)
Language: C++ - Size: 5.86 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 211 - Forks: 40

nmandery/extended-isolation-forest
Rust port of the extended isolation forest algorithm for anomaly detection
Language: Rust - Size: 393 KB - Last synced at: 14 days ago - Pushed at: about 2 years ago - Stars: 17 - Forks: 4

EpicElectrons/ZEROHACK-CODE
ZeroHack
Language: TypeScript - Size: 0 Bytes - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

aadhamashraf/Fraud-Detection-Interpretability-and-Explainability
Developing fraud detection systems using a variety of machine learning and deep learning models. Emphasis is placed on model explainability to ensure transparency in predictions, an essential aspect in financial applications.
Language: Jupyter Notebook - Size: 24.3 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 0

AdewumiA/Realtime-Anomaly-Detection
Real-Time Anomaly detection in Timeseries streaming data
Language: Python - Size: 6.15 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

linkedin/isolation-forest
A distributed Spark/Scala implementation of the isolation forest algorithm for unsupervised outlier detection, featuring support for scalable training and ONNX export for easy cross-platform inference.
Language: Scala - Size: 2.05 MB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 243 - Forks: 50

AwadallaAlashkar/SchedMaster
SchedMaster lies in its hybrid approach - combining classical scheduling algorithms with optimization techniques like Greedy Algorithms, Dynamic Programming, and Backtracking. Additionally, it leverages simple ML models to predict process behavior, detect anomalies in resource usage, and recommend the most suitable scheduling strategies.
Language: Python - Size: 267 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

vivek081202/PixShotCryption
Pixshotcryption is an interactive cybersecurity tool that combines advanced encryption and steganography to securely hide messages in images. Ideal for confidential communication, securing intellectual property, and digital media integrity verification where data security is critical.
Language: Python - Size: 129 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

vivek081202/SchedMaster
SchedMaster lies in its hybrid approach - combining classical scheduling algorithms with optimization techniques like Greedy Algorithms, Dynamic Programming, and Backtracking. Additionally, it leverages simple ML models to predict process behavior, detect anomalies in resource usage, and recommend the most suitable scheduling strategies.
Language: Python - Size: 294 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

ursuswh-metamorphic/NetSniff-Guard-Real-time-Packet-Capture-Anomaly-Detection
NetSniff-Guard is an advanced network security tool that captures live network packets and detects anomalies using machine learning techniques. It analyzes traffic in real-time based on multiple features including packet size, protocol, timing patterns, and flow behavior. The system provides immediate alerts for suspicious activities.
Language: Python - Size: 801 KB - Last synced at: 27 days ago - Pushed at: 2 months ago - Stars: 2 - Forks: 0

sumitdeole/AML_anomaly_detection
This project uses customer credit card transactions data, employs advanced anomaly detection and ML models and detects fraudulent transactions and networks.
Language: Jupyter Notebook - Size: 935 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

katerinaharana/Team-2-Project
Predicting the City Cycle Fuel Consumption in MPG of a Car. A Classification Problem
Language: Jupyter Notebook - Size: 26.6 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 2

zahramh99/Anomaly-Detection-in-Transactions
Anomaly detection in transactions means identifying unusual or unexpected patterns within transactions or related activities. These patterns, known as anomalies or outliers, deviate significantly from the expected norm and could indicate irregular or fraudulent behaviour.
Language: Python - Size: 43.9 KB - Last synced at: 10 days ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

mohit1106/Fraud-Detection-In-Financial-Transactions
an anomaly detection system on 284,807 transactions, achieving an AUC of ~0.972 with CNNs and Autoencoders.
Language: Jupyter Notebook - Size: 971 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

msimms/LibIsolationForest
C++, rust, julia, python2, and python3 implementations of the Isolation Forest anomaly detection algorithm.
Language: Python - Size: 124 KB - Last synced at: 14 days ago - Pushed at: almost 4 years ago - Stars: 35 - Forks: 11

elnurisg/anomaly_detection_for_shared_mobility
Detecting anomalies for/from shared mobility in an interpretable way
Language: Jupyter Notebook - Size: 28.3 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

Jabonsote/Financial-Anomaly-Detection-with-DeepSeek-and-Isolation-Forest
🚀 Financial Anomaly Detection with DeepSeek and Isolation Forest – A powerful, locally-run tool for detecting financial anomalies using Isolation Forest and DeepSeek LLM. Features AI-powered insights, interactive time-series visualization, and automated PDF audit reports. 🔍📊
Language: Python - Size: 4.29 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

parth1899/Barclays-Hack-O-Hire Fork of parthpetkar/Barclays-Hack-O-Hire-Project
Anomaly Detection Framework | Built for Barclays Hack-O-Hire 2024 | Uses Apache Spark, Isolation Forest & MongoDB to detect irregularities in financial trade data, ensuring accuracy & reducing manual effort.
Language: Python - Size: 1.37 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 1

das-amlan/Credit-Card-Fraud-Detection-Using-ML-and-Different-Class-Imbalance-Handling-Approaches
A machine learning-based system for detecting fraudulent credit card transactions, leveraging advanced techniques like SMOTE, under-sampling, and anomaly detection models. Built with Random Forest, XGBoost, and SVM for robust performance on imbalanced datasets.
Language: Jupyter Notebook - Size: 187 KB - Last synced at: 3 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

MinersAI/geochemical_anomaly_detection
Functions and example notebooks for using/comparing different methods of geochemical multivariate outlier detection.
Language: Jupyter Notebook - Size: 6.22 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

dple/awesome-papers-and-source-code-for-anomaly-detection
Awesome machine learning algorithms for anomaly detection, including papers and source code
Size: 1.95 KB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 6 - Forks: 1

JongueBongers/GEDI_Outlier_Detector
Outlier detection for GEDI waveform lidar data
Language: Jupyter Notebook - Size: 4.08 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

mohiteamit/lending-club-study
Student Exercise | EDA | Lending Club Case Study
Language: Jupyter Notebook - Size: 82.3 MB - Last synced at: 19 days ago - Pushed at: 12 months ago - Stars: 0 - Forks: 1

dachosen1/Feature-Engineering-for-Fraud-Detection
Implementation of feature engineering from Feature engineering strategies for credit card fraud
Language: Jupyter Notebook - Size: 44 MB - Last synced at: 2 months ago - Pushed at: over 4 years ago - Stars: 41 - Forks: 10

yanexr/BVDB-anomaly-detection
Methods of Anomaly Detection for Pain Recognition in Biophysiological Time Series - Bachelor Thesis
Language: Jupyter Notebook - Size: 11.5 MB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

deflect-ca/baskerville
Security Analytics Engine - Anomaly Detection in Web Traffic
Language: Python - Size: 75.5 MB - Last synced at: 28 days ago - Pushed at: 28 days ago - Stars: 31 - Forks: 4

mcarocortes/Fraudulent_Transactions
Implementación de modelos de detección de fraude en tarjetas de crédito utilizando técnicas de aprendizaje automático y detección de anomalías. Se aborda el problema del desbalance de clases y se optimiza el rendimiento del modelo para minimizar falsos negativos.
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

e-XpertSolutions/go-iforest
Isolation forest implementation in Go
Language: Go - Size: 13.7 KB - Last synced at: 4 months ago - Pushed at: over 2 years ago - Stars: 34 - Forks: 7

pr0ximaCent/Signal_Sentry-Detect_Anomalies_In_Network_Performance_Metrics
An anomaly detection system tailored for telecom networks. It identifies irregularities in network performance metrics such as latency, packet loss rate, signal strength, interference levels, and energy efficiency.
Language: Jupyter Notebook - Size: 20.5 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 1

alexfrancow/A-Detector
:star: An anomaly-based intrusion detection system.
Language: Python - Size: 137 MB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 82 - Forks: 10

felipeversiane/ia-regression
a regression problem to predict values in a open ifg database.
Language: Jupyter Notebook - Size: 3.15 MB - Last synced at: 9 days ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

olk/filmcalib
calibration of photographic film
Language: Python - Size: 58.6 KB - Last synced at: 20 days ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

Sn0wAlice/POC-Isolation-Forest-WEB
This poc allow you to train & check a pseudo Isolation forest algorithm to detect malware & other vulnerability.
Language: Rust - Size: 47.9 KB - Last synced at: 27 days ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

dahsie/anomalie_detection
Ce projet est réalisé dans le cardre de mon projet académique de fin de cursus ingénieur informatique en data science. L'objectif est de réalisé la détection d'anomalie qui sont de types varié en utilisant les machine learning et le deep learning
Language: Jupyter Notebook - Size: 19.5 MB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

smilee3998/nyc_taxi_analysis
Preprocessing and Analyzing NYC Yellow taxi passenger count for 2022 and 2023 using Isolation forest
Language: Python - Size: 202 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

sajadh76/Anomaly-Detection-Optical-Networks
Anomaly Detection in Optical Networks
Language: Jupyter Notebook - Size: 7.67 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 4 - Forks: 1

joangrasa/TFM_ES
Predictive Fault Detection in Photovoltaic Inverters using semi supervised learning
Language: Jupyter Notebook - Size: 1.35 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

GenjiSup/Breast-Cancer-Prognosis-Prediction
This repository contains the code for the creation of a model to predict the prognosis of breast cancer patients.
Language: R - Size: 6.42 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

J-sephB-lt-n/unsupervised-fraud-detection
Exploring anomaly detection using unsupervised methods in scikit-learn
Language: Python - Size: 71.8 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

PedroJRod/Projeto-de-Identifica-o-de-Anomalias-em-Despesas---Prefeitura
Projeto com o objetivo de identificar despesas com potencial de anomalia de credenciamento para prestação de serviços de pequenos reparos, reformas e manutenções corretivas e preventivas na Prefeitura.
Language: Jupyter Notebook - Size: 4.57 MB - Last synced at: 8 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

goutamhegde002/Creditcard-Fraud-Detection-Streamlit-Application-
Creditcard Fraud Detection Streamlit Application with ARIMA and LOF
Language: Python - Size: 20.5 KB - Last synced at: 4 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

TimoSavi/ceif
Categorized extended isolation forest tool
Language: C - Size: 6.55 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 3 - Forks: 1

FYT3RP4TIL/Anomaly-Detection
Language: Jupyter Notebook - Size: 683 KB - Last synced at: 4 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

deepmancer/timeseries-anomaly-detection
Analysis of Classical Machine Learning Algorithms for Anomaly Detection in Time Series Data
Language: Jupyter Notebook - Size: 406 KB - Last synced at: 8 months ago - Pushed at: 10 months ago - Stars: 3 - Forks: 0

akshay-kamath/Anomaly_detection
This project addresses the challenge of identifying anomalies in sales data, aiming to optimize sales strategies by uncovering deviations from expected profit patterns.
Language: CSS - Size: 2.05 MB - Last synced at: 3 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

piyush960/FinWatch
A machine learning-based anomaly detection system designed to identify anomalous transactions in consumer banking and financial activities.
Language: Jupyter Notebook - Size: 5.17 MB - Last synced at: 8 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 1

mattiacarletti/DIFFI
Official repository of the paper "Interpretable Anomaly Detection with DIFFI: Depth-based Isolation Forest Feature Importance", M. Carletti, M. Terzi, G. A. Susto.
Language: Jupyter Notebook - Size: 1.33 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 25 - Forks: 9

roniantoniius/Enhancing-Network-Security-through-Anomaly-Detection
an effective network anomaly detection system to identify suspicious activities and attacks on networks
Language: Jupyter Notebook - Size: 4.15 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0

yugwangyeol/KAMP
[Competition] KAMP : 2022년 제2회 K-인공지능 제조데이터 분석 경진대회 : 시계열 분석 기반 용해물 품질 예측 AI 모델 개발
Language: Jupyter Notebook - Size: 10.8 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

xuhongzuo/deep-iforest
offical implementation of TKDE paper "Deep isolation forest for anomaly detection"
Language: Python - Size: 6.04 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 71 - Forks: 18

jmbhughes/crcf
Combination Robust Cut Forests: Merging Isolation Forests and Robust Random Cut Forests
Language: Python - Size: 2.51 MB - Last synced at: 2 months ago - Pushed at: almost 2 years ago - Stars: 14 - Forks: 3

purrvaja/Anomaly-Detection-in-FX-data
Forex analysis and anomaly detection for data obtained using the REST API of the European Central Bank.
Language: Jupyter Notebook - Size: 1.07 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

anonexploiter/Defenzio
Defenzio is a cutting-edge prototype designed to detect zero-day attacks using Deep-learning.
Language: Jupyter Notebook - Size: 256 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

DetectionNetworkTrafficAnomaliesForICS/ML
Data Reserch трафика Modbus и приложение моделей ML для поиска аномалий в нем
Language: Jupyter Notebook - Size: 559 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Divya-Bhargavi/isolation-forest
Anomaly detection using isolation forest
Language: Python - Size: 772 KB - Last synced at: 11 months ago - Pushed at: about 6 years ago - Stars: 11 - Forks: 5

rajeevvhanhuve/Credit-Card-Anomaly-Detection
Anomaly Detection
Language: Jupyter Notebook - Size: 1.07 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 1

AhmetZamanis/WeatherAnomalyDetectionClassification
Time series anomaly detection, time series classification & dynamic time warping, performed on a dataset of Canadian weather measurements.
Language: Python - Size: 23.8 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

manishsingh7163/Machine-learning
Language: Jupyter Notebook - Size: 9.83 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 1

blitzapurv/Unsupervised-Abnormality-Detection
Cyclone Preheater Abnormality Study
Language: Jupyter Notebook - Size: 2.64 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

anumohan10/EDA-Telecom-Churn
Exploratory Data Analysis - Telecom Customer Churn
Language: Jupyter Notebook - Size: 1.01 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

katherinGriffi/M-todos_extra-o_outliers
Métodos para extração de outliers
Language: Jupyter Notebook - Size: 2.07 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

haldersourav/anomaly-detection
Comparison of various anomaly detection algorithms using scikit-learn and visualization through Plotly Dash
Language: Python - Size: 11.7 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Shardy2907/Credit-Card-Fraud-Detection
Anomaly Detection strategies were used for detection of credit card fraud.
Language: Jupyter Notebook - Size: 513 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

souaddev/Dynamic-time-warping-based-anomaly-detection-for-industrial-control-system
An approach for anomaly detection in Industrial Control Systems (ICS), using Water Treatment Dataset (SWaT). The implementation incorporates cutting-edge machine learning techniques, including Isolation Forest and Autoencoder models, augmented by Dynamic Time Warping (DTW) algorithm.
Language: Jupyter Notebook - Size: 1.24 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

souaddev/OST_Anomaly_Detection
Comparative Analysis of Unsupervised Learning Methods for Real-time Anomaly Detection in Industrial Control Systems (ICS)
Language: Jupyter Notebook - Size: 22.4 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 2

kisoo95/DACON-Monthly-DACON-Credit-Card-Fraud-Deal-Detection-AI-Competition
Winning one of the DACON competition
Language: Jupyter Notebook - Size: 378 KB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

achrafbalij/fraud_detection
Fraud detection using unsupervised learning models: autoencoder and isolation forest
Language: Jupyter Notebook - Size: 245 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

ManafMukred/Time_Series_forcasting_and_Anomaly_Detection
This project aims to predict Wind Turbine output power and searches for any anomalies
Language: Jupyter Notebook - Size: 4.07 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

HSaurabh0919/epsil
Application of Machine Learning in Finance Domain
Language: Jupyter Notebook - Size: 1.95 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

chris-park/eif
Extended Isolation Forests for Anomaly/Outlier Detection in R
Language: R - Size: 39.1 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 8 - Forks: 0

anis-kaci/Isolation-Forest-anomaly-detection
Anomaly/outlier detection using Isolation forest
Language: Jupyter Notebook - Size: 1.64 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

AjNavneet/TransactionFraudDetection_IsolationForest_LOF
Fraud transactional detection using Isolation Forest and Local Outlier Factor (LOF) models.
Language: Jupyter Notebook - Size: 94.1 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

KishoreKaushal/AnomalyDetection
Implementing and improving the State-Of-The-Art (non-DL based) Anomaly Detection algorithms.
Language: Python - Size: 5.43 MB - Last synced at: 11 months ago - Pushed at: almost 2 years ago - Stars: 5 - Forks: 0

gulabpatel/Feature_Engineering
Language: Jupyter Notebook - Size: 5.44 MB - Last synced at: 17 days ago - Pushed at: about 3 years ago - Stars: 5 - Forks: 0

absaw/Surface-Water-Quality-Data-Anomaly-Detection
Surface water quality data analysis and prediction of Potomac River, West Virginia, USA. Using time series forecasting, and anomaly detection : ARIMA, SARIMA, Isolation Forest, OCSVM and Gaussian Distribution
Language: Jupyter Notebook - Size: 14.4 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 7 - Forks: 7

vaitybharati/EDA2
Exploratory Data Analysis Part-2
Language: Jupyter Notebook - Size: 1.95 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

maheskakarot/credit-card-fraud-detection
This is one of the kaggle challenges to identify fraudulent credit card transactions.
Language: Jupyter Notebook - Size: 91.8 KB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

Albertsr/Anomaly-Detection
UnSupervised and Semi-Supervise Anomaly Detection / IsolationForest / KernelPCA Detection / ADOA / etc.
Language: Python - Size: 9.52 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 245 - Forks: 81

talegari/solitude
An implementation of Isolation forest
Language: R - Size: 583 KB - Last synced at: about 1 month ago - Pushed at: almost 4 years ago - Stars: 24 - Forks: 3

DeanVogt/Data-Science-Examples
Data Science Examples
Language: Jupyter Notebook - Size: 3.35 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

titicaca/spark-iforest
Isolation Forest on Spark
Language: Scala - Size: 74.2 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 221 - Forks: 91

Mihryam/UnsupervisedTimeSeries_AnomalyDetection
Anomaly detection model for the pressure values of a separator tank for oil production.
Language: Jupyter Notebook - Size: 1.43 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

sharmasapna/credit-card-fraud-detection
Code to detect credit card fraud detecton
Language: Jupyter Notebook - Size: 3.05 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 1

rmalired/AI
Language: HTML - Size: 5.28 MB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

aanchal1308/Fraud-detection
Machine learning algorithm to detect fraudulent credit card transactions
Language: Jupyter Notebook - Size: 193 KB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 4

omkarpawar1430/Anomaly-Detection-Exercise
Explore anomaly detection methods using the Isolation Forest approach in this GitHub project. Learn preprocessing techniques like one-hot encoding and timestamp conversion to enhance data analysis. Apply the algorithm to identify anomalies effectively. Adapt these insights to your own projects.
Language: Jupyter Notebook - Size: 1.04 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

enockjamin01/ML-ALGORITHM
This Repository provides the basic code snippets for all the most widely used ML Algorithms like Supervised, Unsupervised, and Recommender system algorithms.
Language: Jupyter Notebook - Size: 12 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

enockjamin01/ML-ALGO
This Repository provides the basic code snippets for all the most widely used ML Algorithms like Supervised , Unsupervised and Recommender system algorithms
Language: Jupyter Notebook - Size: 692 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

ajitsingh98/Credit-Card-Fraud-Detection-ML-Model
Language: HTML - Size: 289 KB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 1

aonurakman/Data-Analysis-and-ML-Algorithms
An exploration of data analysis techniques and standard ML algorithms on QSAR oral toxicity dataset. - 2021 - Yıldız Technical University
Language: Jupyter Notebook - Size: 960 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

Kiariemuiruri/Fraud-Detection
Isolation Forest model to detect online fraudulent transactions
Language: Jupyter Notebook - Size: 21.2 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0
