back_img

def ClaireLee():

    return 'GRIT'


Software Engineer

Portfolio



Resume



A software engineer skilled in building CRUD RESTful APIs and is familiar with Swagger API documentation. Have hands-on experience in python web frameworks, Flask, Django and Bottle. Familiar with Linux development environment. Have good understanding of container(Docker). In addition, have solid knowledge of machine learning and Cloud DevOps.



Programming Languages

Python

90%

Go

70%

Java

60%

JavaScript

60%

C++

50%


Frameworks and Libraries

Tensorflow

80%

Keras

85%

PyTorch

70%

Scikit-learn

80%



Certification of Computer Programming Mar. 2018 – Dec. 2018
UCSC Silicon Valley Extension

Relevant Coursework:

  • Deep Learning and Artificial Intelligence with TensorFlow
  • Python for Programmers
  • Data Analysis, Introduction
  • Object-Oriented Analysis and Design
  • C++ Programming, Comprehensive
  • Data Structures and Algorithms Using C++
  • C Programming for Beginners
  • Java Programming for Beginners
  • Java Programming, Comprehensive
  • Go Programming, Fundamentals


Cloud DevOps Engineer Nanodegree Sep. 2019 – Dec. 2019
Udacity

Relevant Coursework:

  • Cloud Foundations
  • Deploy Infrastructure as Code (IAC)
  • Build CI/CD Pipeline
  • Microservices at Scale using Kubernetes


Machine Learning Nanodegree- Term 1 Jan. 2019 – Feb. 2019
Udacity

Relevant Coursework:

  • Linear Regression
  • Perceptron Algorithm
  • Decision Tree
  • Naive Bayes
  • Support Vector Machines
  • Ensemble Methods
  • K-Means Clustring, Hierarchical and Density-based Clustring
  • Gaussian Mixture Model
  • PCA
  • Random Projection
  • ICA


Deep Learning Nanodegree Sep. 2018 – Jan. 2019
Udacity

Relevant Coursework:

  • Neural Networks
  • Convolutional Networks
  • Recurrent Networks
  • Generative Adversarial Networks
  • Deep Reinforcement Learning


AI Programming with Python Nanodegree Apr. 2018 – Jul. 2018
Udacity

Relevant Coursework:

  • Numpy
  • Pandas
  • Matplotlib
  • Linear Algebra
  • Neural Networks

Engineering/Industrial Management, M.S Jun. 2013 – Dec. 2014
The University of Texas at Arlington


Chemical Engineering, M.S 2008 – 2010
National Tsing Hua University


Chemical Engineering, B.S 2004 – 2008
Tunghai University




Software Engineer Apr. 2019 – Mar. 2020
Gemini Data Inc., Taiwan

  • Build CRUD RESTful APIs in python and golang.
  • Familiar with gRPC framework and open API/Swagger.
  • Solid Linux system knowledge.
  • Deep understanding of object-oriented design and MVC model.
  • Strong knowledge of container technologies (Docker) and container orchestration (Mesos).


Material/Product Engineer Jan. 2015 – Mar. 2018
Cymmetrik Enterprise Co., Ltd, San Jose, CA

  • Prototyped packaging samples for Nest, Google, Cisco, Microsoft, fitbit, etc. in 24 hours.
  • Improved local material suppliers’ relationships and managed local material warehouse.
  • Worked with cross-functional groups for product development.


Research and Development Engineer Feb. 2011 – Aug. 2012
AUO, Hsinchu, Taiwan

  • Explored and verified potential new products and technologies.
  • Implemented different process conditions in the new product development.


Contact Claire logo


AI back

class ClaireLee:

    def __init__(self):

        self.email =

        self.linkedin =

        self.github =


    def contact_me(self, job_position):

        looking_for_job = [software_engineer,
                                          machine_learning_engineer,
                                          deep_learning_engineer]

        if job_position in looking_for_job:

            print 'Please leave me a message.'

            return self.email, self.linkedin

        else:
            print 'Thank you.'

Dog Breeds Classifier


Python Keras Flask OpenCV CNN Transfer Learning dog_breeds_app
Project Description

Build a convolutional neural network(CNN) with Keras to classify dog breeds and then turn the code into a web app using Flask. Given an image of a dog, the model will identify an estimate of the canine’s breed. If supplied an image of a human, the code will identify the resembling dog breed and overlay filters with dog's ears, nose and tongue.



Project Results
  • The model can successfully detect dogs and faces and make predictions on the given image.
  • If detect a dog, the model will identify an estimate of the dog's breed.
  • If detect any face, the code will identify the resembling dog breed for each face and overlay filters with dog's ears, nose and tongue on it.


Close Project

Predicting Bike Sharing Patterns


Python Neural Network neural_network
Project Description

Build a neural network from scratch and use it to predict daily bike rental ridership.



Project Results
Bike sharing prediction

The prediction fits great before Dec 22th. However, it shows obvious deviation from the data around the Christmas holiday. This model trained by the dataset may not have enough information about holidays to predict the effect of the holiday seasons.



Close Project

Generate TV Scripts


Python Tensorflow RNN TV generator
Project Description

Generate a new TV script for a scene at Moe's Tavern using Recurrent Neural Network(RNN).



Project Results
  • Generated TV script for a scene at Moe's Tavern successfully.
  • Train on more data will get better results.


Close Project

Image Classifier Application


Python PyTorch Transfer Learning image_classifier
Project Description
  • Train an image classifier to recognize different species of flowers.
  • Build a command line application of the image classifier.


Project Results
  • Train an classifier which can predict the class for an input flower image.
  • Build the command line application.
        - Allow users to choose different hyperparametrs to train their own classifers.
        - Make predictions for input flower images using the classifer they have trained.


Close Project

Generate Face


Python Tensorflow GANs AWS EC2 Generate face
Project Description

Create a Generative Adversarial Networks(GANs) to generate new images of faces.



Project Results

Generated images which can be obvious look like faces after running two epoches.



Close Project

Teach a Quadcopter How to Fly


Python Tensorflow DDPG Reinforcement Learning DDPG
Project Description
  • Use Deep Deterministic Policy Gradients(DDPG), an actor-critic method, to build the agent that can learn takeoff task on its own.
  • Shape reward functions and train the agent to achieve this task.


Project Results
  • Training output:
  • Training output
  • Achieved at most the height of 5 units on testing.
Reflection
  • Craft reward functions is critical to the agent's performance.
  • Need more professional parameter estimation techniques and have further knowledge of drone physics to shape better reward functions.
  • Balance reward and penalty.


Close Project

Predicting Boston Housing Prices


Python sklearn Boston house price
Project Description

Develop a model to predict Boston housing prices. Utilize sklearn techniques for training, testing, evaluating and optimizing models.



Project Results
  • Predicted sellling price
    • Client 1's home: $409,100.00
    • Client 2's home: $285,600.00
    • Client 3's home: $957,218.18
  • Applicability of the constructed model:
  • Still have a big room to improve before being used in the real-world for below reasons.
    • The mdoel learn from a old dataset which has quite different value of money from current, so it will not able to make a accurate prediction for house price nowadays.
    • More features relevant to house prices should be considered such as location, economic growth and interest rate, etc.


Close Project

Artistic Style Transfer
Vgg19 vs. Xception model


Python Keras CNN Style transfer
Project Description

Use Vgg19 and Xception pre-trained network to do artistic style transfer which obtain a representation of the style of an input image and apply the style to another image while keeping the original image content recognizable.



Project Results
  • Created high-quality artistic images either using Vgg19 or Xception pre-trained network.
  • Generated images in richer and saturated color by Vgg19 network.
  • Made the generated image look vintage by using Xception network.


Close Project

Doc2Doc Comparison using Word2vec Model


Python Tensorflow RNN Word2vec AWS EC2 Doc2Doc Comparison Matrix
Project Description

Identify the similarity among two thousands of documents based on the Word2Vec skip-gram model.



Project Results
  • Trained the Word2Vec (Skip-gram) model by collecting vocabularies from 40000 documents and compared similarity among 2000 documents successfully based on output of word_match_count validation.
  • Obtained the similarity of words by Word2Vec model and further compare all the words in a document to another document to decide the Doc2Doc similarity by adding similarity of “most similar” words together.
  • Got all the similarity value among all documents. The higher value of similarity, the more similar the two documents are.
  • Project output:
  • Doc2Doc output


Close Project

Finding Donors For CharityML


Python Sklearn Supervised Learning Finding dornors for charityML
Project Description

Evaluate 10 supervised learning algorithms that are currently available in scikit-learn on data collected for the U.S. census to help CharityML (a fictitious charity organization) identify people most likely to donate to their cause.



Project Results
  • Gradient Boosting algorithm performed best in f-score and accuracy on the testing dataset.
  • Improve model performance after tuning model using grid search.
  • Select top5 important features on training instead of on full data can decrease substantial training time but still achieve 85% accuracy.


Close Project

GoffeeGo Web App


Java Apache Object-oriented analysis and design (OOAD) CoffeeGo Web App
Project Description
  • Design a web store compelete with products, reviews, ordering capabilities with GRASP principles.
  • Use web server Apache to host the web
  • Manage dataset using MySQL.


Project Results
  • Use case diagram
  • Use Case Diagram
  • Interaction/sequence diagrams
  • Sequence Diagram-Customer Sequence Diagram-Admin
  • UML class diagram
  • UML Diagram
  • Architecture diagram
  • Architecture Diagram


Close Project

Creating Customer Segments


Python Sklearn Unsupervised Learning Customer segments
Project Description

Implement unsupervised learning techniques on product spending data collected for customers of a wholesale distributor in Lisbon, Portugal to identify customer segments hidden in the data.



Project Results
  • The actual channel data appears align well with GMM predicted clusters.
  • Some points that cross over in the central region could be due to the different types/scales of operation.


Close Project