Pinned Repositories
Adversarial-Attack
Fooling a Neural Network to mis-classify an image using adversarial noise
Arduino-PID-Library
Deepfake-Clothes
Generate fake clothing item images using Generative Adversarial Network (GAN)
Gesture-Recognition
Recognise different gestures using IMU and Hidden Markov Model
Noisy-Speech-Recognition
Recognize speech with background noise using Convolutional Neural Network and Digital Signal Processing
Object-Detection
Detecting a red barrel inside different scenes using Gaussian model
OpenAI-Reinforcement-Learning
Using Reinforcement Learning to solve Maze Navigation, Acrobot, Mountain Car
Robot-Mapping
Using a robot to draw map of buildings using Simultaneous Localisation & Mapping (SLAM)
Self-balancing-Robot
A self-balancing robot on 2 wheels, using Arduino & PID controller
Twitter-Named-Entity-Recognition
Recognize important Named Entities inside Tweeter tweets using BERT
zweedao's Repositories
zweedao/Gesture-Recognition
Recognise different gestures using IMU and Hidden Markov Model
zweedao/Adversarial-Attack
Fooling a Neural Network to mis-classify an image using adversarial noise
zweedao/Deepfake-Clothes
Generate fake clothing item images using Generative Adversarial Network (GAN)
zweedao/Noisy-Speech-Recognition
Recognize speech with background noise using Convolutional Neural Network and Digital Signal Processing
zweedao/OpenAI-Reinforcement-Learning
Using Reinforcement Learning to solve Maze Navigation, Acrobot, Mountain Car
zweedao/Robot-Mapping
Using a robot to draw map of buildings using Simultaneous Localisation & Mapping (SLAM)
zweedao/Twitter-Named-Entity-Recognition
Recognize important Named Entities inside Tweeter tweets using BERT
zweedao/Object-Detection
Detecting a red barrel inside different scenes using Gaussian model
zweedao/Self-balancing-Robot
A self-balancing robot on 2 wheels, using Arduino & PID controller
zweedao/darknet_ros
YOLO ROS: Real-Time Object Detection for ROS
zweedao/Developing-and-Designing-Interactive-Devices
The main repository for a class given by Wendy Ju in the Fall term of 2019 at Cornell Tech.
zweedao/Digit-Recognizer
Machine learning model to recognise handwritten digits
zweedao/Dreambooth-Stable-Diffusion
Implementation of Dreambooth (https://arxiv.org/abs/2208.12242) with Stable Diffusion
zweedao/Face-Recognition
Machine learning model to recognise human faces & food dishes
zweedao/fast-neural-style-pytorch
Fast Neural Style Transfer implementation in PyTorch :art: :art: :art:
zweedao/Image-Classification
Classify CIFAR images using Convolutional Neural Network
zweedao/Image-Reconstruction
Using Random Forest to reconstruct images
zweedao/Interactive-Lab-Hub
zweedao/landwind
Responsive and clean landing page built with Tailwind CSS and Flowbite
zweedao/neural-style
Neural style in TensorFlow! 🎨
zweedao/Neural-Style-Transfer
Keras Implementation of Neural Style Transfer from the paper "A Neural Algorithm of Artistic Style" (http://arxiv.org/abs/1508.06576) in Keras 2.0+
zweedao/neural-style-transfer-pytorch
zweedao/News-Topic-Understanding
Understand news articles' topics and entity names using neural network
zweedao/opencv
Open Source Computer Vision Library
zweedao/pytorch-examples
A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.
zweedao/SIFTImageSimilarity
Interactive code for image similarity using SIFT algorithm
zweedao/stable-diffusion-webui
Stable Diffusion web UI
zweedao/Text-Understanding
Machine learning model for: 1) sentiment analysis for online food reviews, 2) classify texts into topics, 3) predicting volcano eruption, 4) classify human genes
zweedao/Titanic-Survival-Prediction
Machine learning model to predict the survival of Titanic passengers
zweedao/TV-Show-Recommender
Engine to recommend the best TV shows for users, using Collaborative Filtering and Latent Factor Model