ACM AI Projects

Interested in getting hands-on experience with AI? Join our quarterly ACM AI project teams.

Newest

SP23

MBTI Classification from Tweets

MBTI Classification from Tweets

ClassificationNatural Language ProcessingSentiment Analysis

MBTI, or Myers-Briggs Type Indicator, is a way to classify different personality types based on four categories: introversion(I)/extraversion(E), sensing(S)/intuition(N), thinking(T)/feeling(F), and judging(J)/perceiving(P). Due to the the long and tedious process that it takes to finish the test, we decided to create a model that can predict a person’s MBTI based on their tweets. This process takes just a fraction of the time as compared to the original MBTI test, allowing users to figure out their personality more efficiently.

WI23

Toxic Comment Classification

Toxic Comment Classification

ClassificationNatural Language ProcessingSentiment Analysis

Online platforms offer us unprecedented opportunities to communicate and share knowledge. However, harmful comments can create a hostile environment that leads to cyberbullying and discrimination. To address this issue, our team developed a machine learning model that can classify harmful online comments and alert moderators to take action. By automating this process, we aim to create a safer and more inclusive online community for everyone.

FA22

Dive Into Credit Card Fraud

Dive Into Credit Card Fraud

ClassificationNatural Language ProcessingSentiment Analysis

Can we use machine learning to predict if a credit card transaction is fradulent? Our app is divided into two sections: the first with a form taking user inputs that predicts the likelihood of credit card fraud using our model, and the second section containing the results of our EDA analysis and the various graphs we made for it.

FA22

Supreme Court Predictor

Supreme Court Predictor

ClassificationNatural Language ProcessingSentiment Analysis

The legitimacy of the Supreme Court and uproar over Roe v. Wade towards the later half of 2022 has been debated heavily. Given the uses of AI, can we use machine learning to predict the outcomes of Supreme Court cases?

FA22

Bert Political Sentiment Analysis

Bert Political Sentiment Analysis

ClassificationNatural Language ProcessingSentiment Analysis

Our team worked on building an RNN for a NLP based project. The goal of this project was to take in a sentence and classify it as either politically liberal or conservative. The model was trained on Reddit datasets

SP22

Stellar Summarizers

Stellar Summarizers

Computer VisionDeep LearningImage Processing

Video summarization tool using LSTM and ResNeXt

SP22

Image Segmentation

Image Segmentation

Computer VisionDeep LearningImage ProcessingImage Segmentation

Our team worked on learning CNNs, the ML pipeline, image preprocessing, and deep learning-based methods for image segmentation.

WI22

RL Flappy Bird

RL Flappy Bird

Reinforcement Learning

Create a custom OpenAI gym environment for flappy bird and train a stable-baselines3 PPO model to play

WI22

KachowRL - Reinforcement Learning for Car Racing

KachowRL - Reinforcement Learning for Car Racing

Reinforcement Learning

This project was built with the aim of using various model-free reinforcement learning algorithms to train a car how to drive around a race track.

FA21

Cloud Image Segmentation

Cloud Image Segmentation

Computer VisionDeep LearningImage ClassificationImage Processing

Our team built a Cloud Video Segmentation model that assigns pixel-level labels to each pixel in a live video feed of clouds. The pixel-level labels include “cloud” and “sky”, and we also have an “undefined” class for handling edges of the image input. We worked with image classification backbones to encode our input image and convolutional neural network segmentation models to decode our image into its segmented representation.

FA21

Bird "Brain": A Neural NEST-work

Bird "Brain": A Neural NEST-work

Computer VisionDeep LearningImage ClassificationImage Processing

Our team has built a convolutional neural network that has trained on a dataset containing 325 different species of birds and can classify them into the correct species they are a part of.

FA21

Supervised Learning: Hand-Gesture Recognition

Supervised Learning: Hand-Gesture Recognition

Computer VisionDeep LearningImageImage Processing

Our team uses a convolutional neural network framework to create an image processing model that recognizes hand gestures as American Sign Language letters.

FA21

Predicting Steph Curry's Shots in the NBA

Predicting Steph Curry's Shots in the NBA

BasketballBoosted TreesData ScienceMachine Learning

This project uses data from https://www.kaggle.com/dansbecker/nba-shot-logs, which contains NBA shot logs from the 2014-15 season, in order to predict whether each shot Stephen Curry takes will go through the hoop based on his distance to the basket, how many shots he previously took that game, the current time on the shot clock, and how long he touched the ball. In order to accomplish this, we built the following models: logistic regression, random forest, boosted decision tree, deep neural network, multilayer perceptron, and lightGBM.

FA21

Controlling the Latent Space Is All You Need

Controlling the Latent Space Is All You Need

Computer VisionDeep LearningGANImage Generation

How do we turn humans into cats? Well, I'm glad you asked. We, for one, know this to be a pressing question and consequently, our project tackles exactly that. We leveraged Generative Adversarial Networks (a special type of model architecture) or more commonly known as GANs to morph human faces into cats (and also cats into human faces)!

SP21

Facial Emotion Recognition

Facial Emotion Recognition

ClassificationImageImage Processing

We are working on a model that is able to recognize the emotion from one’s face image. To accomplish this, we use Tensorflow Keras to create this system.

SP21

Modeling Accents with Text-to-Speech

Modeling Accents with Text-to-Speech

Deep LearningGANNatural Language Processing

We are blending prosody information of different accented speakers, to generate a text-to-speech model for different accents. We use GANs to mix and generate prosodies, and use Tacotron to synthesize audios.

SP21

Face to Cartoon

Face to Cartoon

Deep LearningGANImageImage GenerationImage Processing

We are using GAN architecture to take in human images and "cartoonify" them to create a simpsons version of them. To do this, we utilized Pytorch, TensorFlow, and other Python libraries.