zhaoxiaomian's starred repositories

IDDs_EEG_ML_classification

Classification of intellectual and developmental disorder subjects and healthy controls using EEG signals

Language:Jupyter NotebookStargazers:4Issues:0Issues:0

Comparison-of-Hybrid-Neural-Network-Methodologies-for-Sentiment-Emotion-Analysis

Twitter tweets play an important role in every organisation. This project is based on analysing the English tweets and categorizing the tweets based on the sentiment and emotions of the user. The literature survey conducted showed promising results of using hybrid methodologies for sentiment and emotion analysis. Four different hybrid methodologies have been used for analysing the tweets belonging to various categories. A combination of classification and regression approaches using different deep learning models such as Bidirectional LSTM, LSTM and Convolutional neural network (CNN) are implemented to perform sentiment and behaviour analysis of the tweets. A novel approach of combining Vader and NRC lexicon is used to generate the sentiment and emotion polarity and categories. The evaluation metrics such as accuracy, mean absolute error and mean square error are used to test the performance of the model. The business use cases for the models applied here can be to understand the opinion of customers towards their business to improve their service. Contradictory to the suggestions of Google’s S/W ratio method, LSTM models performed better than using CNN models for categorical as well as regression problems.

Language:Jupyter NotebookStargazers:14Issues:0Issues:0

German-Traffic-Sign-Classification

This project aims to bring out an in depth comparison among existing image classification models on German Traffic Sign benchmark (GTSRB) images. In this project famous machine learning algorithms like Logistic Regression, SVMs, MLPs etc. and deep learning models like ResNet and CNNs have been implemented. Apart from this we also employed ensemble learning algorithm like Random Forest to get clear comparsion based on evaluation metrics like ROC Curves, Precision, Accuracies etc. Transfer Learning has also been implemented by extracting features of CNN and using them in other models.

Language:Jupyter NotebookStargazers:2Issues:0Issues:0

Mental-Emotional-Sentiment-Classification

EEG emotional sentiment classification

Language:Jupyter NotebookStargazers:3Issues:0Issues:0

Human-Activity-Recognition-using-wearable-sensors-and-machine-learning

A human activity recognition model is developed using accelerometer data extracted from sensors and a machine learning approach is used for multi-label activity recognition

Language:PythonLicense:MITStargazers:3Issues:0Issues:0

CNN_LSTM_HAR_Pytorch

Reproduce Deep Convolutional and LSTM Recurrent Neural Networks for Multimodal Wearable Activity Recognition in pytorch

Language:Jupyter NotebookStargazers:4Issues:0Issues:0

microsleep-detection

Code for microsleep (drowsiness) detection in EEG data

Language:PythonLicense:MITStargazers:16Issues:0Issues:0

Classification-Performance-Standard

Classification performance standards such as accuracy, precision, recall, confusion matrix, F1, ROC, AUC. Take MNIST as example.

Language:Jupyter NotebookLicense:MITStargazers:5Issues:0Issues:0

EEG-BCI

Classification of EEG signals for brain-computer interface movements left/right or neither

Language:Jupyter NotebookStargazers:1Issues:0Issues:0

AttCNN-with-Focal-Loss

This repository includes ATTCnn code implementation of this paper: https://www.cs.umd.edu/~emhand/Papers/AAAI2018_SelectiveLearning.pdf

Language:Jupyter NotebookStargazers:3Issues:0Issues:0

focalloss4keras

Keras implementation of focal loss.

Language:PythonLicense:MITStargazers:4Issues:0Issues:0

focal-loss-keras

Binary and Categorical Focal loss implementation in Keras.

Language:PythonStargazers:278Issues:0Issues:0

Attention-Based-BiLSTM-relation-extraction

Tensorflow Implementation of "Attention-Based Bidirectional Long Short-Term Memory Networks for Relation Classification" (ACL 2016)

Language:PythonLicense:Apache-2.0Stargazers:426Issues:0Issues:0

Chinese-Text-Classification-Pytorch

中文文本分类,TextCNN,TextRNN,FastText,TextRCNN,BiLSTM_Attention,DPCNN,Transformer,基于pytorch,开箱即用。

Language:PythonLicense:MITStargazers:5193Issues:0Issues:0

EEG_classification

EEG multi-classification task with DL models (CNN, LSTM)

Language:Jupyter NotebookStargazers:9Issues:0Issues:0

Deep-Learning-BCI-IV-2a

Clasificacion de imagenes motoras en señales EEG con CNN, LSTM y otros clasificadores

Language:Jupyter NotebookStargazers:45Issues:0Issues:0

LSTM_for_EEG

my first LSTM for EEG Analysis and visualization

Language:PythonStargazers:7Issues:0Issues:0

EEG-GSR

lstms

Language:Jupyter NotebookStargazers:3Issues:0Issues:0
Language:Jupyter NotebookStargazers:3Issues:0Issues:0

p300_lstm

Demonstrate the code used in "Using Recurrent Neural Networks for P300-Based Brain-Computer Interface"

Language:PythonStargazers:30Issues:0Issues:0

rEEGard

Classification of EEG Signals into focal and non-focal epileptic type

Language:Jupyter NotebookLicense:MITStargazers:2Issues:0Issues:0

keras-focal-loss

Implementation of binary and categorical/multiclass focal loss using Keras with TensorFlow backend

Language:PythonStargazers:26Issues:0Issues:0

focal-loss-implementation-in-keras

Binary and Categorical Focal loss implementation in Keras.

Language:PythonLicense:Apache-2.0Stargazers:3Issues:0Issues:0

Focal_Loss_Keras

Multi-class classification with focal loss for imbalanced datasets

Language:Jupyter NotebookLicense:NOASSERTIONStargazers:82Issues:0Issues:0

focal-loss

Tensorflow version implementation of focal loss for binary and multi classification

Language:PythonStargazers:108Issues:0Issues:0

linear-regression

Ordinary Least Squres, Batch Gradient Descent and Hyperparameters analysis

Language:Jupyter NotebookStargazers:5Issues:0Issues:0

Spatial_Data_Analysis

Spatial Data Analysis using different statistical methods

Language:Jupyter NotebookStargazers:9Issues:0Issues:0

time-series-prophet

Time Series Analysis & Forecasting of Rossmann Sales with Python. EDA, TSA and seasonal decomposition, Forecasting with Prophet and XGboost modeling for regression.

Language:Jupyter NotebookStargazers:189Issues:0Issues:0

Prediction-of-Alcoholism

The Kaggle dataset contained EEG correlates of genetic predisposition to alcoholism. Performed Exploratory Data analysis, Data cleaning and predicted if a person is more likely to develop alcohol use disorder or not. As the data was uniform, Classification Models like Logistic Regression and Decision Tree were used.

Language:PythonStargazers:3Issues:0Issues:0

EDA

Classical Data set EDA with Forward Feature selection, Local Outlied Factor and Spearman's rank correlation coefficient

Language:Jupyter NotebookStargazers:4Issues:0Issues:0