Code Monkey home page Code Monkey logo

About me

Experienced scientist with over five years of experience in large-scale big data research with a keen eye for aesthetic excellence in communicating results intuitively to stakeholders. Eager to transfer scientific rigor, relentless work-ethic, and excellent team working skills into powerful data science that offers actionable insights to inform and guide successful managerial decision-making.

My Academic Contributions Hennig-Thurau, T., Aliman, D.N., Herting, A.M., Cziehso, G., Linder, M. & Kรผbler, R. (2023) Social interactions in the metaverse: Framework, initial evidence, and research roadmap. Journal of the Academy of Marketing Science 51, 889โ€“913.
[link]

Linder, M., Behrens, M. & Hennig-Thurau, T. (2023) Telling Great Stories with Ads: Determining the Drivers of Narrative Advertising Effectiveness. Proceedings of 2023 AMA Winter Academic Conference 34, 240-242
[link]

*Kupfer, A.-K., Pรคhler vor der Holte, N., Kรผbler, R. & Hennig-Thurau, T. (2018) The Role of the Partner Brand's Social Media Power in Brand Alliances- Journal of Marketing 82, 25-44.
[link]
*In supporting role as coder.


Expert in

python photoshop photoshop


๐Ÿ—‚๏ธ Projects

Data Science (General)

Given by my career in academic research, my daily activities involed advanced statistical analysis in R. While I cannot share these projects publically, here's a compilation of Python data science projects I've undertaken for educational purposes. While I used multiple packages within each, I highlighted some packages, whose power the project highlights. Feel free to click on the project name to explore the details of each project.

ID Project Name / Dataset Data Science Concepts Showcased Package in Focus Module Function(s)
1 US Medical Insurance Cost Exploratory Data Analysis (EDA) numpy, pandas misc.
2 Life Expectancy & GDP Data Visualization matplotlib, seaborn misc.
3 Stock Price Prediction Linear Regression sklearn .linear_model LinearRegression()
4 Census Income (LogReg) Logistic Regression sklearn .linear_model LogisticRegression()
5 Breast Cancer K-Nearest Neighbors (KNN) Classification sklearn .neighbors KNeighborsClassifier()
7 Flags Decision Trees (incl. pruning) sklearn .tree DecisionTreeClassifier()
8 Obesity Wrapper Methods mlxtend .feature_selection SequentialFeatureSelector() [SFS, SBS], RFE()
9 Wine Qualiy Regularization sklearn .linear_model LogisticRegressionCV()
10 Raisins Hyperparameter Tuning sklearn .model_selection GridSearchCV(), RandomizedSearchCV()
11 Particles Principial Component Analysis sklearn .decomposition PCA()
12 Census Income (RanFor) Random Forest Classification sklearn .ensemble RandomForestClassifier(), BaggingClassifier(), RandomForestRegressor()
13 Census Income (Boosting) Boosting sklearn .ensemble AdaBoostClassifier(), GradientBoostingClassifier()
14 Book Recommender Recommender System surprise KNNBasic()
15 Strike Zone Support Vector Machines sklearn .svm SVC()
16 Email Similarity Naive Bayes Classification sklearn .naive_bayes MultinomialNB()
17 Logic Gates Perceptrons sklearn .linear_model Perceptron()

Deep Learning

Here's also a compilation of Python deep learning projects I've undertaken for educational purposes. Current focus lies on exploring tensorflow/keras and pytorch at depth. Feel free to click on the project name to explore the details of each project.

ID Project Name Deep Learning Concepts Showcased Package in Focus Module Function(s)
1 Predicting Graduate Admission Simple Regression/Prediction using Deep Learning tensorflow .keras KerasRegressor / output activation = 'linear'
2 Predicting Life Expectancy Simple Regression/Prediction using Deep Learning tensorflow .keras KerasRegressor / output activation = 'linear'
3 Predicting Heart Failure Simple Classification using Deep Learning tensorflow .keras KerasClassifier / output activation = 'softmax'
4 Neural Machine Translation (NMT) Long short-term memory networks (LSTMs) tensorflow .keras LSTM()
5 Classifying Galaxy Images Convolutional Neural Networks tensorflow .keras Conv2D(), MaxPooling()
6 Classifying X-rays Convolutional Neural Networks / Computer Vision tensorflow .keras Conv2D(), MaxPooling()
7 Classifiying Cat Images Transfer Learning with pre-trained neural networks (py)torch nn.Linear()
8 Multi-Layer Perceptron MLP: modern feedforward fully connected artificial NN (py)torch self defined class Net(nn.Module)
9 Image Classification, CIFAR10 Math of dimension transformation within CNN (py)torch Conv2d(), relu(), pool(), dropout(), Linear()
10 Sentiment Analysis Movie Reviews Sentiment Analysis with Recurrent Neural Networks (py)torch misc.

Natural Language Processing

Here's also a compilation of Python natural language projects I've undertaken for educational purposes. Feel free to click on the project name to explore the details of each project.

ID Project Name NLP Facet Showcased Package in Focus Module Function(s)
1 Classical Texts Language Parsing nltk RegexpParser()
2 Mystery Friend Bag-of-Words Language Quantification sklearn .feature_extraction.text CountVectorizer()
3 News Content Term Frequency-Inverse Document Frequency (tf-idf) sklearn .feature_extraction.text TfidfTransformer(), TfidfVectorizer()
4 Presidential Vocabulary Topic Modelling (Word Embeddings) gensim .models Word2Vec()
5 Multi-Topic Chatbot Rule-based chatbot using regex re match()
6 Denver Broncos Restaurant Chatbot Retrieval-based chatbot using topic modelling misc. misc. TfidfTransformer(), Word2Vec()
7 Generative Chatbot Generative chatbot using topic modelling misc. misc. TfidfTransformer(), Word2Vec()

Machine Learning Engineering

In addition, I am currently working on extending my knowledge on machine learning engineering. Feel free to click on the project name to explore the details of each project.

ID Project Name ML Facet Showcased Package in Focus Module Function(s)
1 Hierarchical Classes Hierarchical Classes, Object-Orienter Programming - - __ init __, __ repr __, .methods()
2 ATM Logging Logging logging Stream/FileHandler, etc. logger()
3 Surf Shop Unit Testing - unittest self.assertRaises, self.subTest(), self.assert..
4 Concurrent Programming Sequential, Async, Threading & Multiprocessing Progamming - threading, asnycio, multiprocessing Thread(), Process()
5 Bone Marrow Disease Classification Machine Learning Pipelines sklearn pipeline Pipeline(), ColumnTransformer()

MISC (Personal Projects)

Beyond coding for educatioanl purposes, I do enjoy coding for fun in my free time. Here's a compilation of projects I've undertaken with various objectives. Again, feel free to click on the project name to explore the details of each project.

ID Project Name Objective Language Package in Focus Function(s)
1 Hierarchical Bayesian multinomial logit analysis Create lighthouse/sawtooth report content and structure of hierarchical Bayes logistic regression analysis R ChoiceModelR
2 NFL Stats Scrape NFL stats from the official website for the 2023 season, covering multiple categories Python .bs4 BeautifulSoup()

๐Ÿ“š Education Profiles


๐Ÿ“ฆ Packages

Here's a selection (in alphabetic order) of the packages/platforms/libraries I have worked with over the years:

python Python:


R R:

๐Ÿ“ˆ Stats

marclindergit

ย marclindergit

Marc Linder's Projects

atm_logging icon atm_logging

This Python code demonstrates how to use the logging module to create a simple bank account management system.

book_recommender icon book_recommender

In this project, I explore the process of building and fine-tuning a recommender system using the Surprise library in Python.

boosting icon boosting

By utilizing a census dataset in conjunction with boosting algorithms, I predict whether an individual's income exceeds $50,000.

breast_cancer icon breast_cancer

Simple K Nearest Neighbors Classification using sklearn Dataset

broncos_restaurant_bot icon broncos_restaurant_bot

I employ techniques such as tf-idf scoring, word embedding models, and custom user-defined functions to create an interactive chatbot capable of answering a wide range of questions from restaurant diners.

cats_transfer icon cats_transfer

I use an image classifier in comination with transfer learning with pre-trained neural networks. The main goal is to leverage the knowledge learned by networks trained on the extensive ImageNet dataset to achieve impressive accuracy in distinguishing between cat and dog images.

census_income_lr icon census_income_lr

Creating a logistic regression model to classify income (>50K or <=50K) using census data from the '94 Census database.

census_income_rf icon census_income_rf

In this project, I will build and fine-tune a Random Forest model for income classification based on census data from the 1994 Census database. The primary goal is to predict whether an individual earns more than $50,000 annually using this dataset.

cifar10_cnn icon cifar10_cnn

Training a Convolutional Neural Network (CNN) to classify images from the CIFAR-10 database. The CIFAR-10 dataset consists of small color images grouped into ten classes, including objects like airplanes, automobiles, birds, cats, and more.

classic_texts icon classic_texts

n this project, I dive deep into the world of Natural Language Processing (NLP) using the Natural Language Toolkit (NLTK). My primary objective is to analyze a text document and extract meaningful insights by tokenizing text, performing part-of-speech tagging, and syntactic parsing.

concurrent_programming icon concurrent_programming

This Python script provides examples of different approaches to calculate the average of multiple lists using sequential, asynchronous, multithreading, and multiprocessing techniques.

email_similarity icon email_similarity

In this project, I will be utilizing scikit-learn's Naive Bayes implementation to work with various email datasets for text classification.

flags icon flags

This project aims to develop a decision tree model to classify countries' continent ("landmass regions") based on flag characteristics. The primary goal is to predict whether a country belongs to either Europe or Oceania based on flag attributes.

galaxies icon galaxies

In this project, I employ Convolutional Neural Networks (CNNs) to classify galaxies based on image data from the Galaxy Zoo dataset.

hb_lighthouse_report_in_r icon hb_lighthouse_report_in_r

This R-code will show you how to recreate the typical lighthouse/sawtooth report content and structure of a hierarchical Bayes logistic regression analysis using data collected with choice-based conjoint design

hierarchical_classes icon hierarchical_classes

This Python project demonstrates the use of hierarchical classes and object-oriented programming (OOP).

life_expectancy_gdp icon life_expectancy_gdp

I'll explore the captivating link between GDP and life expectancy across six countries. Using data from the World Health Organization and World Bank, I'll analyze, visualize, and discover insights that reveal the fascinating connections between these factors.

logic_gates icon logic_gates

In this project, I will delve into the world of perceptrons, aiming to model the fundamental building blocks of computers known as logic gates.

machine_translations icon machine_translations

This repository contains Python code for implementing a Neural Machine Translation (NMT) system.

ml_pipelines icon ml_pipelines

This project is focused on building a classification model to predict the survival status of patients with bone marrow disease while streamlining the data preprocessing and model building process through pipelines.

mnist_mlp icon mnist_mlp

Training a Multi-Layer Perceptron (MLP, i.e., modern feedforward artificial neural network, consisting of fully connected neurons) to classify images from the MNIST database hand-written digit database.

multi_chatbot icon multi_chatbot

The Multi-Topic Chat Bot is a simple Python program that engages in conversations with users on various topics, including football, movies, and music. The bot initiates conversations, responds to user queries, and provides information related to the selected topic.

mystery_friend icon mystery_friend

In this project I will identify the mysterious sender of an an anonymous postcard using natural language processing and machine learning techniques as well as past writings from three potential senders: Emma Goldman, Matthew Henson, and TingFang Wu.

news_content icon news_content

In this project, I'll leverage Natural Language Processing (NLP) and the power of term frequency-inverse document frequency (TF-IDF) to analyze news articles.

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    ๐Ÿ–– Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. ๐Ÿ“Š๐Ÿ“ˆ๐ŸŽ‰

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google โค๏ธ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.