All Projects → erdiolmezogullari → Ml Projects

erdiolmezogullari / Ml Projects

ML based projects such as Spam Classification, Time Series Analysis, Text Classification using Random Forest, Deep Learning, Bayesian, Xgboost in Python

Projects that are alternatives of or similar to Ml Projects

Shallowlearn
An experiment about re-implementing supervised learning models based on shallow neural network approaches (e.g. fastText) with some additional exclusive features and nice API. Written in Python and fully compatible with Scikit-learn.
Stars: ✭ 196 (+54.33%)
Mutual labels:  text-classification, word2vec, gensim
Nlp In Practice
Starter code to solve real world text data problems. Includes: Gensim Word2Vec, phrase embeddings, Text Classification with Logistic Regression, word count with pyspark, simple text preprocessing, pre-trained embeddings and more.
Stars: ✭ 790 (+522.05%)
Mutual labels:  text-classification, word2vec, gensim
Text Classification Benchmark
文本分类基准测试
Stars: ✭ 18 (-85.83%)
Mutual labels:  text-classification, svm, random-forest
SentimentAnalysis
(BOW, TF-IDF, Word2Vec, BERT) Word Embeddings + (SVM, Naive Bayes, Decision Tree, Random Forest) Base Classifiers + Pre-trained BERT on Tensorflow Hub + 1-D CNN and Bi-Directional LSTM on IMDB Movie Reviews Dataset
Stars: ✭ 40 (-68.5%)
Mutual labels:  random-forest, svm, word2vec
Nlp Journey
Documents, papers and codes related to Natural Language Processing, including Topic Model, Word Embedding, Named Entity Recognition, Text Classificatin, Text Generation, Text Similarity, Machine Translation),etc. All codes are implemented intensorflow 2.0.
Stars: ✭ 1,290 (+915.75%)
Mutual labels:  word2vec, svm, gensim
word-embeddings-from-scratch
Creating word embeddings from scratch and visualize them on TensorBoard. Using trained embeddings in Keras.
Stars: ✭ 22 (-82.68%)
Mutual labels:  word2vec, gensim, tensorboard
Sarcasm Detection
Detecting Sarcasm on Twitter using both traditonal machine learning and deep learning techniques.
Stars: ✭ 73 (-42.52%)
Mutual labels:  text-classification, svm, lstm-neural-networks
text-classification-cn
中文文本分类实践,基于搜狗新闻语料库,采用传统机器学习方法以及预训练模型等方法
Stars: ✭ 81 (-36.22%)
Mutual labels:  text-classification, svm, word2vec
biovec
ProtVec can be used in protein interaction predictions, structure prediction, and protein data visualization.
Stars: ✭ 23 (-81.89%)
Mutual labels:  svm, word2vec, gensim
Product-Categorization-NLP
Multi-Class Text Classification for products based on their description with Machine Learning algorithms and Neural Networks (MLP, CNN, Distilbert).
Stars: ✭ 30 (-76.38%)
Mutual labels:  text-classification, word2vec, gensim
Few Shot Text Classification
Few-shot binary text classification with Induction Networks and Word2Vec weights initialization
Stars: ✭ 32 (-74.8%)
Mutual labels:  text-classification, word2vec
Twitter sentiment analysis word2vec convnet
Twitter Sentiment Analysis with Gensim Word2Vec and Keras Convolutional Network
Stars: ✭ 24 (-81.1%)
Mutual labels:  word2vec, gensim
Jsmlt
🏭 JavaScript Machine Learning Toolkit
Stars: ✭ 22 (-82.68%)
Mutual labels:  svm, random-forest
Tadw
An implementation of "Network Representation Learning with Rich Text Information" (IJCAI '15).
Stars: ✭ 43 (-66.14%)
Mutual labels:  word2vec, gensim
Tensorflow Sentiment Analysis On Amazon Reviews Data
Implementing different RNN models (LSTM,GRU) & Convolution models (Conv1D, Conv2D) on a subset of Amazon Reviews data with TensorFlow on Python 3. A sentiment analysis project.
Stars: ✭ 34 (-73.23%)
Mutual labels:  text-classification, lstm-neural-networks
Word2vec
訓練中文詞向量 Word2vec, Word2vec was created by a team of researchers led by Tomas Mikolov at Google.
Stars: ✭ 48 (-62.2%)
Mutual labels:  word2vec, gensim
Sense2vec
🦆 Contextually-keyed word vectors
Stars: ✭ 1,184 (+832.28%)
Mutual labels:  word2vec, gensim
Text Analytics With Python
Learn how to process, classify, cluster, summarize, understand syntax, semantics and sentiment of text data with the power of Python! This repository contains code and datasets used in my book, "Text Analytics with Python" published by Apress/Springer.
Stars: ✭ 1,132 (+791.34%)
Mutual labels:  text-classification, gensim
Musae
The reference implementation of "Multi-scale Attributed Node Embedding".
Stars: ✭ 75 (-40.94%)
Mutual labels:  word2vec, gensim
Doc2vec
📓 Long(er) text representation and classification using Doc2Vec embeddings
Stars: ✭ 92 (-27.56%)
Mutual labels:  text-classification, gensim

Image

Introduction


In this passionated self paced collection repository, you will find many Machine Learning, Data Mining and Data Engineering challenges that I have been tackling, so far. Throughout this guideline you will walk through the details of projects and repositories.

I hope that you would enjoy while checking out those repositories related to ML, Data Mining and Data Engineering on the table, below.

You may reach me whenever you want to get further information about projects.

Problem Methods Libs Repo
Conversion of Landing Page A\B Testing, Z test pandas, statsmodel Click
Integration of Fashion MNIST (CNN) Model into Tensorboard and MLflow CNN, Deep Learning Keras, MLflow, Pandas, Sklearn Click
Dockerize an Apache Flink Application through Docker Apache Flink Table & SQL Apache Flink Table & SQL, Docker, Docker-Compose Click
Crawler as a Service Searching (DFS, BFS) GO, Neo4j, Redis, Docker, Docker-Compose Click
Prediction Skip Action on Music Dataset LightGBM, Linear Reg, Logistic Reg. Sklearn, LightGBM, Pandas, Seaborn Click
Hairstyle Classification LightGBM, TF-IDF Sklearn, LightGBM, Pandas, Seaborn Click
Time Series Analysis by SARIMAX ARIMA, SARIMAX statsmodels, pandas, sklearn, seaborn Click
Multi-language and Multi-label Classification Problem on Fashion Dataset LightGBM, TF-IDF Sklearn, LightGBM, Pandas, Seaborn Click
Which one does it catch whole* SPAM SMS? Naive Bayesian, SVM, Random Forest Classifier, Deep Learning - LSTM, Word2Vec Sklearn, Keras, Gensim, Pandas, Seaborn Click
Which novel do I belong To? Deep Learning - LSTM, Word2Vec Sklearn, Keras, Gensim, Pandas, Seaborn Click
Why do customers choose and book specific vehicles? Random Forest Classifier Sklearn, Pandas, Seaborn Click
Forecasting impact of promos (promo1, promo2) on sales in Germany, Austria, and France Random Forest Regressor, ARIMA, SARIMAX statsmodels, pandas, sklearn, seaborn Click
Random Forest Classification Tutorial in PySpark Random Forest Classifier Spark (PySpark), Sklearn, Pandas, Seaborn Click
Spatial data enrichment: Join two geolocation datasets by using Kdtree Kd-tree cKDTree Click
Implementation of K-Means Algorithm from scratch in Java K-Means Java SDK Click
Forecasting AWS Spot Price by using Adaboosting on Rapidminer Adaboost Classifier, Decision Tree Rapidminer Click

Please, scroll down to see the details of projects comprehensively and visit their repository.

A/B Testing to Distinguish Impact of Version of Landing Page on User

Problem Data Methods Libs Link
Conversion Retail A\B Testing, Z test pandas, statsmodel https://github.com/erdiolmezogullari/ml-ab-testing

In this project, A/B testing was performed on Udacity's Course dataset. It consists of 5 columns, <user_id, timestamp, group, landing_page, converted>. In A/B testing, we used 3 columns of out of them, group, landing_page, and converted.

We once simulated some experiments N times with respect to the conversion rates (control, treatment) already obtained over dataset. After got the further idea about dataset with this simulation, we supposed a null hypothesis and an alternative thesis. To claim our trueness of alternative hypothesis, we calculated z critical score by using Z test method with respect to alpha (0.05), and then we checked out beta, and power with respect to the effect size of the experiment.

Please, note that you may check out ab_test.md to get the further information about hypothesis test and A/B testing with some important photos.

Fashion MNIST with Tensorboard and Mlflow


Image

Problem Data Methods Libs Link
Prediction Fashion MNIST CNN, Deep Learning Keras, MLflow, Pandas, Sklearn https://github.com/erdiolmezogullari/ml-fmnist-mlflow-tensorboard

In this project, we used docker container technologies to create ML platform from scratch. It consists of four different docker containers (mlflow, notebook, postgres, tensorboard) that are already built in docker-compose.yml

The details of containers could be found under ./platform directory. Each container service has a specific dockerfile corresponding to the directories (mlflow, notebook, postgres, tensorboard) under platform directory

Dockerize an Apache Flink Application


Image

Problem Data Methods Libs Link
Implementation Click Stream Dataset Apache Flink Table & SQL Apache Flink Table & SQL, Docker, Docker-Compose https://github.com/erdiolmezogullari/de-flink-sql-as-a-docker

In this project, we used docker container technologies to launch Flink cluster and Flink App separately from scratch. Flink Cluster (Platform) consists of two different docker containers (jobmanager, taskmanager) that are already built in docker-compose.flink.yml. Flink Application consists of one docker container that already using a dockerfile (./app-flink-base/Dockerfile) and a shell script (./app-flink-base/run.sh) to submit jar file to cluster in docker-compose-app-flink.yml.

Crawler as a Service


Image

Problem Data Methods Libs Link
Implementation N/A Searching (BFS, DFS) GO, Neo4j, Redis, Docker, Docker-Compose https://github.com/erdiolmezogullari/de-crawler-as-a-service

In this project, a simple crawler service was implemented from scratch, and integrated into Redis and Neo4j NoSQL systems by using Docker and Docker-compose. The crawler service is crawling the first target URL, and then, visiting the rest of URLs in the fetched HTML documents, respectively and recursively. While crawling a HTML documents corresponding to URLs, it could refer to 1 out of 2 different searching algorithms (BFS, DFS). Those searching algorithms were boosted by go routines in GO in order to speed up crawling service.

During crawling, there is a possibility that a bunch of go routines that would be created may fetch and process the same HTML documents at the same time. In this case, the crawler may create inconsistent data. Thus, Redis Key-Value NoSQL system was preferred using in this project to solve that problem and build a robust and consistent system.

Each URL may referring to either the other different URL or itself in a HTML document. That relationship between two URLs can call as a Link. There is a simple easy way to represent those crawled Links and URLs by using a specific data structure, which is graph. Thus, Neo4j Graph NoSQL were used to represent and visualize the graph which consists of URLs and Links. During crawling, the crawling service is either creating a new node for each URL and new link for each URL pair, or updating existing nodes and links on Neo4j by using Cypher query, as well.

Prediction Skip Action


Image

Problem Data Methods Libs Link
Prediction Music Dataset LightGBM, Linear Reg, Logistic Reg. Sklearn, LightGBM, Pandas, Seaborn https://github.com/erdiolmezogullari/ml-prediction-skip-action

In this project, we need to predict the probability of skip action made by listeners, who is listening musics. Since we don't have any class already labelled by anyone. In this circumstances, We need to create a target label that could solve the problem. So, any continuous target variable should be picked as a target feature. According to the features we created, per_listen (percentage of listen) will be more suitable for that problem since it obviously gives idea about skipping action. If we pick it as a target feature, this problem will turn out a scoring/probability problem because of having ratio of listening time, which tends between 0 to 1.

If we want to convert that problem to a classfication problem, we can determine a treshold for skipping aciton as a rule of thump. per_listen denotes how much percentage of the track that were listened by listener. So, our threshold could be 25%, 50% even 51% and so on. However, before making a decision, we can check out Complementary Cumulative Distribution Function (CCDF) of per_listen. It would be give an idea about our reasonanle threshold. According the following plot, we have 65% of instances, whose per_listen value is greater than 0.5. Therefore, 0.5 is reasonable, however, when we think about it more realistic, less than 0.5 around 0.25 would be more suitable determine any skipping action.

Hairstyle Classification


Image

Problem Data Methods Libs Link
Classification Hairstyle Dataset LightGBM, TF-IDF Sklearn, LightGBM, Pandas, Seaborn https://github.com/erdiolmezogullari/ml-hairstyle-classification

In this project, the dataset contains a sample 10000 images mined from Instagram and clustered based on the hairstyle they showcase.

The variable cluster represents the hairstyle cluster that the image has been assigned to by the visual recognition algorithm.

Each row contains the variable url which is the link to the image and the number of ​ likes together with the comments per image. The user_id is the unique id of the Instagram account from which the post comes and the variable id is the unique identifier associated with the post itself.

Each post contains the date(date_unix) in unix format when the image was posted on Instagram and additionally the date has been converted to different formats (date_week->non-iso number of the week, date_month -> the month, date_formated ->full date dd/mm/YY) partly for use in prior analyses. Feel free to convert that variable in a way that suits your analysis.

Additionally a classifier influencer_flag was added to each of the images which have more than 500 likes, flagging them as influencer posts.

Time Series Analysis by SARIMAX


Image

Problem Data Methods Libs Link
Time Series Analysis Working Statistics ARIMA, SARIMAX statsmodels, pandas, sklearn, seaborn https://github.com/erdiolmezogullari/ml-time-series-analysis-sarimax

In this project, we use time series analysis technique to decompose our data into 3 components like the below:

1-Trend (T)
2-Seasonility (S)
3-Residual (R)

Once we need to get a statinory dataset before performing Time Series Analysis (TSA) flawlessly beacuse it would be easy making a predicition over a stationary dataset since it would already satisfy the preoperties of Normal Distribution in terms of mean and variance, roughly. So, we need to delve into the raw dataset by applying some EDA techniques to expose valuable insight of data related to trend, and seasonility if it is possible to observe in EDA. After we complete data analyis stage, we need to pick best available techniques (e.g ARIMA, SARIMAX) to perform on the dataset according to our knowledge we would get in EDA.

In EDA stage, we will be applying a bunch of techniques such as, boxploting, rolling statictics (mean, std) by time based features (year, month, day, weekday and quarter) to find out 2 components (trend, seasonility) out of 3 time series components over specific plots, rougly. Those plots will give reasonable feedback for TSA before starting it.

In TSA stage, we will build different models for non-seasonal and seasonal approahes by using ARIMA and SARIMAX in statsmodels package, respectively.

Since the most challenging parts of TSA is finding optimum parameters (p,d,q) and (P,D,Q,S) of those techniques, we will be referring to Autocorrelation (ACF) and Partial Autocorrelation (PACF) functions to find out significant time correlations in terms of performing either Autoregression Model (AR) or Moving Average Model (MA), or Seanosal Autoregression (SAR) and Moving Average (SAM).

Multi-language and Multi-label Classification Problem on Fashion Dataset


Image

Problem Data Methods Libs Link
Classification Fashion Dataset LightGBM, TF-IDF Sklearn, LightGBM, Pandas, Seaborn https://github.com/erdiolmezogullari/multi-label-classification

In this project, dataset was collected over different fashion web sites. It consists of 7 fields like below.

  • id: A unique product identifier
  • name: The title of the product, as displayed on our website
  • description: The description of the product
  • price: The price of the product
  • shop: The shop from which you can buy this product
  • brand: The product brand
  • labels: The category labels that apply to this product

The text features (name, description) are in different languages, such as English, German and Russian. The format of target feature is multilabels (60 categories) that were tagged according to corresponding to the category in fashion web sites differently.

Which one does it catch whole* SPAM SMS?


Image

Problem Data Methods Libs Link
NLP Text Naive Bayesian, SVM, Random Forest Classifier, Deep Learning - LSTM, Word2Vec Sklearn, Keras, Gensim, Pandas, Seaborn https://github.com/erdiolmezogullari/ml-spam-sms-classification

In this project, We applied supervised learning (classification) algorithms and deep learning (LSTM).

We used a public SMS Spam dataset, which is not purely clean dataset. The data consists of two different columns (features), such as context, and class. The column context is referring to SMS. The column class may take a value that can be either spam or ham corresponding to related SMS context.

Before applying any supervised learning methods, we applied a bunch of data cleansing operations to get rid of messy and dirty data since it has some broken and messy context.

After obtaining cleaned dataset, we created tokens and lemmas of SMS corpus seperately by using Spacy, and then, we generated bag-of-word and TF-IDF of SMS corpus, respectively. In addition to these data transformations, we also performed SVD, SVC, PCA to reduce dimension of dataset.

To manage data transformation in training and testing phase effectively and avoid data leakage, we used Sklearn's Pipeline class. So, we added each data transformation step (e.g. bag-of-word, TF-IDF, SVC) and classifier (e.g. Naive Bayesian, SVM, Random Forest Classifier) into an instance of class Pipeline.

After applying those supervised learning methods, we also perfomed deep learning. Our deep learning architecture we used is based on LSTM. To perform LSTM approching in Keras (Tensorflow), we needed to create an embedding matrix of our corpus. So, we used Gensim's Word2Vec approach to obtain embedding matrix, rather than TF-IDF.

At the end of each processing by different classifier, we plotted confusion matrix to compare which one the best classifier for filtering SPAM SMS.

Which novel do I belong To?


Image

Problem Data Methods Libs Link
NLP Text Deep Learning - LSTM, Word2Vec Sklearn, Keras, Gensim, Pandas, Seaborn https://github.com/erdiolmezogullari/ml-deep-learning-keras-novel

This project is related to text classification problem that we tackled with Deeplearing (LSTM) model, which classifies given arbitrary paragraphes collected over 12 different novels randomly, above:

1. alice_in_wonderland
2. dracula
3. dubliners
4. great_expectations
5. hard_times
6. huckleberry_finn
7. les_miserable
8. moby_dick
9. oliver_twist
10. peter_pan
11. talw_of_two_cities
12. tom_sawyer

In other words, you can think about those novels are our target classes of our dataset. To distinguish actual class of paragraph, the semantic latent amongst paragraphes would play an important role. Therefore, We used Deeplearing (LSTM) on top of Keras (Tensorflow) after creating an embedding matrix by Gensim's word2vec.

If there is any semantic latent amongst sentences in corresponding paragraph, We think about similar paragraphes were collected from same resources (novels) most likely.

Why do customers choose and book specific vehicles?


Image

Problem Data Methods Libs Link
Imbalanced Data Car Booking Random Forest Classifier Sklearn, Pandas, Seaborn https://github.com/erdiolmezogullari/ml-imbalanced-car-booking-data

In this project, We built a machine learning model that answers the question, -what is the customer preference- on car booking dataset.

We explored the dataset by using Seaborn, and transformed, derived new features necessary.

In addition, the shape of dataset is imbalanced. It means that the target variable's distribution is skewed. To overcome that challenge, there are already defined a few different techniques (e.g. over/under re-sampling techniques) and intuitive approaches. We try to solve that problem using resampling techniques, as well.

Forecasting impact of promos (promo1, promo2) on sales in Germany, Austria, and France


Image

Problem Data Methods Libs Link
Forecasting - Timeseries Sales Random Forest Regressor statsmodels, pandas, sklearn, seaborn https://github.com/erdiolmezogullari/ml-time-series-analysis-on-sales-data

In this project, we need to perform time series analysis to get new insight about promos. There are stores that are giving two type of promos such as radio, TV corresponding to promo1 and promo2 so that they want to increase their sales across Germany, Austria, and France. However, they don't have any idea about which promo is sufficient to do it. So, the impact of promos on their sales are important roles on their preference.

To define well-defined promo strategy, we once need to analysis data in terms of impacts of promos. In that case, since data is based on time series, we once referred to use time series decomposition. After we decomposed observed data into trend, seasonal, and residual components, We exposed the impact of promos clearly to make a decision which promo is better in each country.

In addition, we used Random Forest Regression in this forecasting problem to boost our decision.

Deploying Machine Learning model as a Service in a Docker container : MLasS


Image

Problem Data Methods Libs Link
ML Service Randomly Generated Random Forest Classifier Flask, Docker, Redis, Sklearn https://github.com/erdiolmezogullari/ml-dockerized-microservice

In this project, a ML based micro-service was developed on top of REST and Docker after building a machine learning model by performing Random Forest

We used docker-compose to launch the micro services, below.

1.Jupyter Notebook,
2.Restful Comm. (Flask),
3.Redis

After we created three different container, our MLasS would be ready.

Random Forest Classification (PySpark)


Image

Problem Data Methods Libs Link
PySpark Randomly Generated Random Forest Classifier Spark (PySpark), Sklearn, Pandas, Seaborn https://github.com/erdiolmezogullari/ml-random-forest-pyspark

In this project, you can find a bunch of sample code related to how you can use PySpark Spark's MLlib (Random Forest Classifier), and Pipeline via PySpark.

Spatial data enrichment: Join two geolocation datasets by using Kdtree


Image

Problem Data Methods Libs Link
Data Enrichment Spatial Kd-tree cKDTree https://github.com/erdiolmezogullari/ml-join-spatial-data

In this project, to build an efficient script that finds the closest airport to a given user based on their geolocation and the geolocation of the airport.

To make that data enrichment, we used Kd-tree algorithm.

Implementation of K-Means Algorithm from scratch in Java


Image

Problem Data Methods Libs Link
Implementation Statistics of Countries K-Means Java SDK https://github.com/erdiolmezogullari/ml-k-means

In this project, K-Means clustering algorithm were implemented in Java from scratch. Dataset: https://en.wikibooks.org/wiki/Data_Mining_Algorithms_In_R/Clustering/K-Means#Input_data

Forecasting AWS Spot Price by using Adaboosting on Rapidminer


Image

Problem Data Methods Libs Link
Forecasting, Timeseries Analysis AWS EC2 Spot Price Adaboost Classifier, Decision Tree Rapidminer https://github.com/erdiolmezogullari/ml-forecasting-aws-spot-price

In this project, we will use public data, which was collected by third party people and released through some specific websites. Since our data will be mainly related to Amazon Web Services’ (AWS) Elastic Computing (EC2), it will be consisting of some different fields. EC2 is a kind of virtual machine in the AWS’s cloud. A virtual machine can be created just in time either on private or public cloud over AWS whenever you need it. A new virtual machine can be picked with respect to different specs and configurations in terms of CPU, RAM, storage, and network band limit before creating it once from scratch. EC2 machines also are separated and managed by AWS on different geographical regions (US East, US West, EU, Asia Pacific, South America) and zone to increase availability of virtual machines across the world. AWS has different segmentations, which were classified with respect to system specs by AWS for based on different goals (macro instance, general purpose, compute optimized, storage optimized, GPU instance, memory optimized). Payment options are dedicated, on­demand and spot instance. Since they make different cost to customer’s operation, customers may prefer different kinds of virtual machine according to their goals and budgets. In general, spot instance is cheaper than the rest of the options. However, spot instance may be interrupted if market price exceeds our max bid. In our research, we will focus on spot instance payment. Our aim in this project will be selecting correct AWS instance from the Spot Instance Market according to the requirement of the customer. We plan to perform Decision Tree on streaming data to make a decision on the fly. It may be implemented as an incremental version of decision tree since data is changing continuously

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].