Pinned Repositories
awesome-public-datasets
A topic-centric list of HQ open datasets.
eeg-alcohol
Analysis with the EEG-Alcohol dataset which contains EEG data for two groups (Alcoholic vs. Control Group)
eeg-confused-RF-SVM-DT-XGBoost-CatBoost
Confused EEG Classification using Random Forest, Support Vector Machine, Decision Tree, XGBoost, and CatBoost
eeg-feeling-emotions-LSTM
EEG Feeling Emotions Classification using LSTM
emg-hand-gestures-classification
EMG Hand Gestures Classification using a variety of classifiers
heart-disease-prediction-RF-MLP
Heart Disease Prediction using Decision Tree classifier, Grid Search, and Multi-Layer Perceptron (MLP)
house-price-predicton-RFE-OLS
House Price Prediction using Recursive Feature Elimination (RFE) and Ordinary Least Squares (OLS) Linear Regression
LSTM-examples
LSTM Examples
machine-learning-data-science-cheat-sheets
Cheat Sheets of Machine Learning and Python
outlier-detection
Outlier Detection using z-score, MAD, MSE, IQR, Isolation Forest, and DBSCAN
junmoan's Repositories
junmoan/eeg-feeling-emotions-LSTM
EEG Feeling Emotions Classification using LSTM
junmoan/heart-disease-prediction-RF-MLP
Heart Disease Prediction using Decision Tree classifier, Grid Search, and Multi-Layer Perceptron (MLP)
junmoan/eeg-confused-RF-SVM-DT-XGBoost-CatBoost
Confused EEG Classification using Random Forest, Support Vector Machine, Decision Tree, XGBoost, and CatBoost
junmoan/emg-hand-gestures-classification
EMG Hand Gestures Classification using a variety of classifiers
junmoan/machine-learning-data-science-cheat-sheets
Cheat Sheets of Machine Learning and Python
junmoan/awesome-public-datasets
A topic-centric list of HQ open datasets.
junmoan/LSTM-examples
LSTM Examples
junmoan/eeg-alcohol
Analysis with the EEG-Alcohol dataset which contains EEG data for two groups (Alcoholic vs. Control Group)
junmoan/activity-recognition-from-single-chest-mounted-accelerometer
Activity Recognition from Single Chest-Mounted Accelerometer Dataset using a Variety of Classifiers
junmoan/bible-semantic-similarity-Gensim
Semantic Similarity with KJV Bible using Gensim FastText
junmoan/cifar10-CNN-ResNet-DenseNet
CIFAR-10 Dataset Classifier using Convolutional Neural Network (CNN), ResNet, and DenseNet (>94%)
junmoan/credit-card-fraud-detection
Credit Card Fraud Detection with a variety of classifiers
junmoan/eeg-eyes-closed-open-alpha-wave
EEG differences between eyes-closed and eyes-open
junmoan/kaggle-dont-overfit-ii
Kaggle Don't Overfit! II with a variety of classifiers
junmoan/awesome-python-data-science
Probably the best curated list of data science software in Python.
junmoan/human-activity-recognition_RBFSVM
Human Activity Recognition using Grid Search and Radial Basis Function (RBF) kernel SVM
junmoan/imdb-review-sentiment-classifier
IMDB Review Sentiment Classifiers
junmoan/mnist-CNN
MNIST Dataset Classifier using Convolutional Neural Network (CNN) and Y-Network CNN (>99%)
junmoan/cifar10-automatic-colorization-Autoencoder
Automatic Colorization with Autoencoder using CIFAR-10 Dataset
junmoan/find-optimal-threshold
Find optimal threshold for ROC Curve and Precision-Recall Curve
junmoan/handwritingBCI
Code from the paper "High-Performance Brain-to-Text Communication via Handwriting"
junmoan/image-classification-MobileNet
Image Classification using Pretrained MobileNet Model
junmoan/mnist-RNN-LSTM
MNIST Dataset Classifier using Recurrent Neural Network (RNN) and Long Short-Term Memory (LSTM) networks (>99%)
junmoan/neural-style-transfer-VGG19
Neural Style Transfer using VGG19
junmoan/RecSys-MovieLens
Recommender Systems with Machine Learning using MovieLens Dataset
junmoan/REST-API-examples
REST APIs examples
junmoan/rock-paper-scissors-classifier
Rock, Paper, and Scissors Classification
junmoan/similarities-calculation
Similarities Calculation Functions
junmoan/time-series-analysis
Codes for Time Series Analysis
junmoan/seq2seq-English2Korean
Machine Translation from English to Korean using Sequence-to-Sequence Learning