nadinejackson1
Building a better world🌍 with machine learning/AI for good👩🎤 fueled by a passion for social justice and human rights🫶
Denver Metro
Pinned Repositories
100DaysofML
100 Days of Machine Learning Challenge
air-pollution-prediction-using-lstm
This project aims to predict air pollution levels using Long Short-Term Memory (LSTM) networks.
carbon-footprint-estimator
Web app that calculates carbon footprint of various activities. Built using Python, Flask, HTML, CSS, and JavaScript.
fault-detection-system
This repository contains the implementation of a fault detection system that detects and eliminates faulty products based on shape and color using a Convolutional Neural Network (CNN).
newyou.ai
newyou.ai is an AI-powered chatbot built on Voiceflow, leveraging ChatGPT-4 for natural language understanding and response generation. It helps users set, track, and achieve their personal goals through seamless integration with WhatsApp.
poverty-rate-time-series-forecasting
Time series data analysis, decomposition, and forecasting using Python libraries to forecast future values of poverty rates across various countries.
RoadSavior
D-LinkNet: LinkNet with Pretrained Encoder and Dilated Convolution for High Resolution Satellite Imagery Road Extraction
satellite-image-classification-deforestation-pollution
Satellite image classifier that identifies signs of deforestation and pollution using transfer learning with a pre-trained ResNet50 Convolutional Neural Network (CNN) model.
transportation-safety-environmental-protection
🚂💭 Analyzing data on train derailments in the context of transportation safety and environmental protection🚂💭
word-embeddings-visualization
Visualizing word embeddings generated by GloVe and Word2Vec models using the t-SNE algorithm
nadinejackson1's Repositories
nadinejackson1/satellite-image-classification-deforestation-pollution
Satellite image classifier that identifies signs of deforestation and pollution using transfer learning with a pre-trained ResNet50 Convolutional Neural Network (CNN) model.
nadinejackson1/100DaysofML
100 Days of Machine Learning Challenge
nadinejackson1/newyou.ai
newyou.ai is an AI-powered chatbot built on Voiceflow, leveraging ChatGPT-4 for natural language understanding and response generation. It helps users set, track, and achieve their personal goals through seamless integration with WhatsApp.
nadinejackson1/word-embeddings-visualization
Visualizing word embeddings generated by GloVe and Word2Vec models using the t-SNE algorithm
nadinejackson1/fault-detection-system
This repository contains the implementation of a fault detection system that detects and eliminates faulty products based on shape and color using a Convolutional Neural Network (CNN).
nadinejackson1/air-pollution-prediction-using-lstm
This project aims to predict air pollution levels using Long Short-Term Memory (LSTM) networks.
nadinejackson1/nlp-tokenization-stemming
Preprocess a sample text by performing word and sentence tokenization, stopword removal, and stemming
nadinejackson1/python-linear-regression-gradient-descent
Implementation of the gradient descent algorithm for linear regression problem
nadinejackson1/build-classifier-using-cnn
Build classifier using convolutional neural networks with the full Cats v. Dogs dataset w/25k images
nadinejackson1/carbon-footprint-estimator
Web app that calculates carbon footprint of various activities. Built using Python, Flask, HTML, CSS, and JavaScript.
nadinejackson1/cnn-tensorflow-keras
This project explores Convolutional Neural Networks (CNNs) for image recognition tasks. Implement a CNN classifier using TensorFlow and Keras, and apply it to the CIFAR-10 dataset.
nadinejackson1/corruption-text-generation
Generate text related to corruption using a Recurrent Neural Network (RNN) based on the Corruption Perceptions Index (CPI) timeseries data from 2012 to 2021.
nadinejackson1/decision-trees-random-forests-iris
Implement a decision tree classifier and a random forest classifier on the Iris dataset, visualized results with sklearn's plot_tree function.
nadinejackson1/GAN-synthetic-data-generation
Use a Generative Adversarial Network (GAN) to generate synthetic data resembling a given real dataset.
nadinejackson1/hangman
simple hangman game created using python & ascii art
nadinejackson1/nadinejackson1
My personal repository
nadinejackson1/pima-diabetes-neural-network-tensorflow-keras
Implement a feedforward neural network for Pima Indians onset of diabetes dataset using TensorFlow & Keras
nadinejackson1/poverty-rate-time-series-forecasting
Time series data analysis, decomposition, and forecasting using Python libraries to forecast future values of poverty rates across various countries.
nadinejackson1/python-tip-calculator
A simple tip calculator using Python
nadinejackson1/rnn-text-generation-tensorflow-keras
Implement RNN for text generation using TensorFlow and Keras.
nadinejackson1/sentiment-analysis-ukraine
Analyze the sentiment of 10,000 tweets related to the keyword "Ukraine."
nadinejackson1/support-vector-machines
Implemented SVM classifier, visualized decision boundary, performed a unit test to verify functionality
nadinejackson1/text-classification-naive-bayes
Implement a Naive Bayes algorithm for text classification using Python and scikit-learn.
nadinejackson1/text-preprocessing-pipeline
Basic text preprocessing pipeline, which includes tokenization, stemming, and stopword removal
nadinejackson1/titanic-data-preprocessing-feature-engineering
Data preprocessing and feature engineering using Titanic Dataset.
nadinejackson1/autoencoders
nadinejackson1/blindness-detection
nadinejackson1/face-mask-detector
The face mask detector is built using a convolutional neural network (CNN) to classify images of people as wearing masks or not wearing masks.
nadinejackson1/facial-emotion-detector
Model built using Python, Tensorflow, and Keras, that can accurately predict the emotion on a human face in an image.
nadinejackson1/reinforcement-learning-poverty-alleviation
Implement a Q-learning algorithm to optimize resource allocation for poverty alleviation programs.