You are viewing a plain text version of this content. The canonical link for it is here.
Posted to commits@predictionio.apache.org by gi...@apache.org on 2017/02/09 20:38:37 UTC

[34/51] [abbrv] [partial] incubator-predictionio-site git commit: Clean up before apache/incubator-predictionio#d674b89c7c3a17437bd406a497a08773c24c8007

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/gallery/templates.yaml
----------------------------------------------------------------------
diff --git a/gallery/templates.yaml b/gallery/templates.yaml
deleted file mode 100644
index 4dc7e61..0000000
--- a/gallery/templates.yaml
+++ /dev/null
@@ -1,674 +0,0 @@
-# Similarity
-
-- template:
-    name: Content Based SVD Item Similarity Engine
-    repo: "https://github.com/alexice/template-scala-parallel-svd-item-similarity"
-    description: |-
-      Template to calculate similarity between items based on their attributes—sometimes called content-based similarity. Attributes can be either numeric or categorical in the last case it will be encoded using one-hot encoder. Algorithm uses SVD in order to reduce data dimensionality. Cosine similarity is now implemented but can be easily extended to other similarity measures.
-    tags: [similarity]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: alpha
-    pio_min_version: 0.9.2
-    apache_pio_convesion_required: "requires conversion"
-    support_link: '<a href="https://groups.google.com/forum/#!forum/actionml-user">The Universal Recommender user group</a>'
-
-- template:
-    name: Cstablo-template-text-similarity-classification
-    repo: "https://github.com/goliasz/pio-template-text-similarity"
-    description: |-
-      Text similarity engine based on Word2Vec algorithm. Builds vectors of full documents in training phase. Finds similar documents in query phase.
-    tags: [similarity, nlp]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: alpha
-    pio_min_version: 0.9.5
-    apache_pio_convesion_required: "requires conversion"
-    support_link: '<a href="https://github.com/goliasz/pio-template-text-similarity/issues">Github issues</a>'
-
-# Clustering
-
-- template:
-    name: MLlibKMeansClustering
-    repo: "https://github.com/sahiliitm/predictionio-MLlibKMeansClusteringTemplate"
-    description: |-
-      This is a template which demonstrates the use of K-Means clustering algorithm which can be deployed on a spark-cluster using prediction.io.
-    tags: [clustering]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: alpha
-    pio_min_version: '-'
-    apache_pio_convesion_required: "requires conversion"
-    support_link: '<a href="https://github.com/sahiliitm/predictionio-MLlibKMeansClusteringTemplate/issues">Github issues</a>'
-
-- template:
-    name: Topc Model (LDA)
-    repo: "https://github.com/EmergentOrder/template-scala-topic-model-LDA"
-    description: |-
-      A PredictionIO engine template using Latent Dirichlet Allocation to learn a topic model from raw text
-    tags: [clustering]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: alpha
-    pio_min_version: 0.9.4
-    apache_pio_convesion_required: "requires conversion"
-    support_link: '<a href="https://github.com/EmergentOrder/template-scala-topic-model-LDA/issues">Github issues</a>'
-
-- template:
-    name: KMeans-Clustering-Template
-    repo: "https://github.com/singsanj/KMeans-parallel-template"
-    description: |-
-      forked from PredictionIO/template-scala-parallel-vanilla. It implements the KMeans Algorithm. Can be extended to mainstream implementation with minor changes.
-    tags: [clustering]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: alpha
-    pio_min_version: 0.9.2
-    apache_pio_convesion_required: "requires conversion"
-    support_link: '<a href="https://github.com/singsanj/KMeans-parallel-template/issues">Github issues</a>'
-
-- template:
-    name: Topic Labelling with Wikipedia
-    repo: "https://github.com/peoplehum/template-Labelling-LDA-Topics-with-wikipedia"
-    description: |-
-      This template will label topics (e.g. topic generated through LDA topic modeling) with relevant category by referring to Wikipedia as a knowledge base.
-    tags: [clustering, nlp]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: stable
-    pio_min_version: 0.10.0-incubating
-    apache_pio_convesion_required: "already compatible"
-    support_link: '<a href="https://github.com/peoplehum/template-Labelling-LDA-Topics-with-wikipedia/issues">Github issues</a>'
-
-# Recommenders
-
-- template:
-    name: The Universal Recommender
-    repo: "https://github.com/actionml/universal-recommender"
-    description: |-
-      Use for:
-      <ul class=tab-list>
-      <li class=tab-list-element>Personalized recommendations&mdash;user-based</li>
-      <li class=tab-list-element>Similar items&mdash;item-based</li>
-      <li class=tab-list-element>Viewed this bought that&mdash;item-based cross-action</li>
-      <li class=tab-list-element>Popular Items and User-defined ranking</li>
-      <li class=tab-list-element>Item-set recommendations for complimentarty purchases or shopping carts&mdash;item-set-based</li>
-      <li class=tab-list-element>Hybrid collaborative filtering and content based recommendations&mdash;limited content-based</li>
-      <li class-tab-list-element>Business rules</li>
-      </ul>
-
-      <p>The name "Universal" refers to the use of this template in virtually any case that calls for recommendations - ecommerce, news, videos, virtually anywhere user behavioral data is known. This recommender uses the new <a href="http://mahout.apache.org/users/algorithms/intro-cooccurrence-spark.html">Cross-Occurrence (CCO) algorithm</a> to auto-correlate different user actions (clickstream data), profile data, contextual information (location, device), and some content types to make better recommendations. It also implements flexible filters and boosts for implementing business rules.</p>
-    tags: [recommender]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: stable
-    pio_min_version: 0.10.0-incubating
-    apache_pio_convesion_required: "already compatible"
-    support_link: '<a href="https://groups.google.com/forum/#!forum/actionml-user">The Universal Recommender user group</a>'
-
-- template:
-    name: Recommendation
-    repo: "https://github.com/apache/incubator-predictionio-template-recommender"
-    description: |-
-      An engine template is an almost-complete implementation of an engine. PredictionIO's Recommendation Engine Template has integrated Apache Spark MLlib's Collaborative Filtering algorithm by default. You can customize it easily to fit your specific needs.
-    tags: [recommender]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: stable
-    pio_min_version: 0.10.0-incubating
-    apache_pio_convesion_required: "already compatible"
-    support_link: '<a href="http://predictionio.incubator.apache.org/support/">Apache PredictionIO mailing lists</a>'
-
-- template:
-    name: E-Commerce Recommendation
-    repo: "https://github.com/apache/incubator-predictionio-template-ecom-recommender"
-    description: |-
-      This engine template provides personalized recommendation for e-commerce applications with the following features by default:
-
-      <ul class=tab-list>
-      <li class=tab-list-element>Exclude out-of-stock items</li>
-      <li class=tab-list-element>Provide recommendation to new users who sign up after the model is trained</li>
-      <li class=tab-list-element>Recommend unseen items only (configurable)</li>
-      <li class=tab-list-element>Recommend popular items if no information about the user is available (added in template version v0.4.0)</li>
-      </ul>
-    tags: [recommender]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: alpha
-    pio_min_version: 0.10.0-incubating
-    apache_pio_convesion_required: "already compatible"
-    support_link: '<a href="http://predictionio.incubator.apache.org/support/">Apache PredictionIO mailing lists</a>'
-
-- template:
-    name: Similar Product
-    repo: "https://github.com/apache/incubator-predictionio-template-similar-product"
-    description: |-
-       This engine template recommends products that are "similar" to the input product(s). Similarity is not defined by user or item attributes but by users' previous actions. By default, it uses 'view' action such that product A and B are considered similar if most users who view A also view B. The template can be customized to support other action types such as buy, rate, like..etc
-    tags: [recommender]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: stable
-    pio_min_version: 0.10.0-incubating
-    apache_pio_convesion_required: "already compatible"
-    support_link: '<a href="http://predictionio.incubator.apache.org/support/">Apache PredictionIO mailing lists</a>'
-
-- template:
-    name: E-Commerce Recommendation (Java)
-    repo: "https://github.com/apache/incubator-predictionio-template-java-ecom-recommender"
-    description: |-
-      This engine template provides personalized recommendation for e-commerce applications with the following features by default:
-
-      <ul class=tab-list>
-      <li class=tab-list-element>Exclude out-of-stock items</li>
-      <li class=tab-list-element>Provide recommendation to new users who sign up after the model is trained</li>
-      <li class=tab-list-element>Recommend unseen items only (configurable)</li>
-      <li class=tab-list-element>Recommend popular items if no information about the user is available</li>
-      </ul>
-    tags: [recommender]
-    type: Parallel
-    language: Java
-    license: "Apache Licence 2.0"
-    status: alpha
-    pio_min_version: 0.9.3
-    apache_pio_convesion_required: "requires conversion"
-    support_link: '<a href="http://predictionio.incubator.apache.org/support/">Apache PredictionIO mailing lists</a>'
-
-- template:
-    name: Product Ranking
-    repo: "https://github.com/PredictionIO/template-scala-parallel-productranking"
-    description: |-
-      This engine template sorts a list of products for a user based on his/her preference. This is ideal for personalizing the display order of product page, catalog, or menu items if you have large number of options. It creates engagement and early conversion by placing products that a user prefers on the top.
-    tags: [recommender]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: stable
-    pio_min_version: 0.9.2
-    apache_pio_convesion_required: "requires conversion"
-
-- template:
-    name: Complementary Purchase
-    repo: "https://github.com/PredictionIO/template-scala-parallel-complementarypurchase"
-    description: |-
-      This engine template recommends the complementary items which most user frequently buy at the same time with one or more items in the query.
-    tags: [recommender]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: alpha
-    pio_min_version: 0.9.2
-    apache_pio_convesion_required: "requires conversion"
-
-- template:
-    name: Music Recommendations
-    repo: "https://github.com/vaibhavist/template-scala-parallel-recommendation"
-    description: |-
-      This is very similar to music recommendations template. It is integrated with all the events a music application can have such as song played, liked, downloaded, purchased, etc.
-    tags: [recommender]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: alpha
-    pio_min_version: 0.9.2
-    apache_pio_convesion_required: "requires conversion"
-    support_link: '<a href="https://github.com/vaibhavist/template-scala-parallel-recommendation/issues">Github issues</a>'
-
-- template:
-    name: Viewed This Bought That
-    repo: "https://github.com/vngrs/template-scala-parallel-viewedthenbought"
-    description: |-
-      This Engine uses co-occurence algorithm to match viewed items to bought items. Using this engine you may predict which item the user will buy, given the item(s) browsed.
-    tags: [recommender]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: stable
-    pio_min_version: 0.9.2
-    apache_pio_convesion_required: "requires conversion"
-    support_link: '<a href="https://github.com/vngrs/template-scala-parallel-viewedthenbought/issues">Github issues</a>'
-
-- template:
-    name: Frequent Pattern Mining
-    repo: "https://github.com/goliasz/pio-template-fpm"
-    description: |-
-      Template uses FP Growth algorithm allowing to mine for frequent patterns. Template returns subsequent items together with confidence score. Sometimes used as a shopping cart recommender but has other uses. 
-    tags: [recommender]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: alpha
-    pio_min_version: 0.9.5
-    apache_pio_convesion_required: "requires conversion"
-    support_link: '<a href="https://github.com/goliasz/pio-template-fpm/issues">Github issues</a>'
-
-- template:
-    name: Similar Product with Rating
-    repo: "https://github.com/ramaboo/template-scala-parallel-similarproduct-with-rating"
-    description: |-
-      Similar product template with rating support! Used for the MovieLens Demo.
-    tags: [recommender, similarity]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: beta
-    pio_min_version: 0.9.0
-    apache_pio_convesion_required: "requires conversion"
-    support_link: '<a href="https://github.com/ramaboo/template-scala-parallel-similarproduct-with-rating/issues">Github issues</a>'
-
-- template:
-    name: Frequent Pattern Mining
-    repo: "https://github.com/goliasz/pio-template-fpm"
-    description: |-
-      Template uses FP Growth algorithm allowing to mine for frequent patterns. Template returns subsequent items together with confidence score.
-    tags: [recommender, other]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: alpha
-    pio_min_version: 0.9.5
-    apache_pio_convesion_required: "requires conversion"
-    support_link: '<a href="https://github.com/goliasz/pio-template-fpm/issues">Github issues</a>'
-
-# classification
-
-- template:
-    name: Classification
-    repo: "https://github.com/apache/incubator-predictionio-template-attribute-based-classifier"
-    description: |-
-      An engine template is an almost-complete implementation of an engine. PredictionIO's Classification Engine Template has integrated Apache Spark MLlib's Naive Bayes algorithm by default.
-    tags: [classification]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: stable
-    pio_min_version: 0.9.2
-    apache_pio_convesion_required: "already compatible"
-    support_link: '<a href="http://predictionio.incubator.apache.org/support/">Apache PredictionIO mailing lists</a>'
-
-- template:
-    name: Lead Scoring
-    repo: "https://github.com/PredictionIO/template-scala-parallel-leadscoring"
-    description: |-
-      This engine template predicts the probability of an user will convert (conversion event by user) in the current session.
-    tags: [classification]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: alpha
-    pio_min_version: 0.9.2
-    apache_pio_convesion_required: "requires conversion"
-
-- template:
-    name: Text Classification
-    repo: "https://github.com/apache/incubator-predictionio-template-text-classifier"
-    description: |-
-      Use this engine for general text classification purposes. Uses OpenNLP library for text vectorization, includes t.f.-i.d.f.-based feature transformation and reduction, and uses Spark MLLib's Multinomial Naive Bayes implementation for classification.
-    tags: [classification, nlp]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: alpha
-    pio_min_version: 0.9.2
-    apache_pio_convesion_required: "requires conversion"
-    support_link: '<a href="https://github.com/apache/incubator-predictionio-template-text-classifier/issues">Github issues</a>'
-
-- template:
-    name: Churn Prediction - H2O Sparkling Water
-    repo: "https://github.com/andrewwuan/PredictionIO-Churn-Prediction-H2O-Sparkling-Water"
-    description: |-
-      This is an engine template with Sparkling Water integration. The goal is to use Deep Learning algorithm to predict the churn rate for a phone carrier's customers.
-    tags: [classification]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: alpha
-    pio_min_version: 0.9.2
-    apache_pio_convesion_required: "requires conversion"
-    support_link: '<a href="https://github.com/andrewwuan/PredictionIO-Churn-Prediction-H2O-Sparkling-Water/issues">Github issues</a>'
-
-- template:
-    name: Classification Deeplearning4j
-    repo: "https://github.com/detrevid/predictionio-template-classification-dl4j"
-    description: |-
-      A classification engine template that uses Deeplearning4j library.
-    tags: [classification]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: alpha
-    pio_min_version: 0.9.2
-    apache_pio_convesion_required: "requires conversion"
-    support_link: '<a href="https://github.com/detrevid/predictionio-template-classification-dl4j/issues">Github issues</a>'
-
-- template:
-    name: Probabilistic Classifier (Logistic Regression w/ LBFGS)
-    repo: "https://github.com/EmergentOrder/template-scala-probabilistic-classifier-batch-lbfgs"
-    description: |-
-      A PredictionIO engine template using logistic regression (trained with limited-memory BFGS ) with raw (probabilistic) outputs.
-    tags: [classification]
-    type: Parallel
-    language: Scala
-    license: "MIT License"
-    status: alpha
-    pio_min_version: 0.9.2
-    apache_pio_convesion_required: "requires conversion"
-    support_link: '<a href="https://github.com/EmergentOrder/template-scala-probabilistic-classifier-batch-lbfgs/issues">Github issues</a>'
-
-- template:
-    name: Document Classification with OpenNLP
-    repo: "https://github.com/chrischris292/template-classification-opennlp"
-    description: |-
-      Document Classification template with OpenNLP GISModel.
-    tags: [classification]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: alpha
-    pio_min_version: 0.9.0
-    apache_pio_convesion_required: "requires conversion"
-    support_link: '<a href="https://github.com/chrischris292/template-classification-opennlp/issues">Github issues</a>'
-
-- template:
-    name: Circuit End Use Classification
-    repo: "https://github.com/harry5z/template-circuit-classification-sparkling-water"
-    description: |-
-      A classification engine template that uses machine learning models trained with sample circuit energy consumption data and end usage to predict the end use of a circuit by its energy consumption history.
-    tags: [classification]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: alpha
-    pio_min_version: 0.9.1
-    apache_pio_convesion_required: "requires conversion"
-    support_link: '<a href="https://github.com/harry5z/template-circuit-classification-sparkling-water/issues">Github issues</a>'
-
-- template:
-    name: GBRT_Classification
-    repo: "https://github.com/ailurus1991/GBRT_Template_PredictionIO"
-    description: |-
-      The Gradient-Boosted Regression Trees(GBRT) for classification.
-    tags: [classification]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: alpha
-    pio_min_version: 0.9.2
-    apache_pio_convesion_required: "requires conversion"
-    support_link: '<a href="https://github.com/ailurus1991/GBRT_Template_PredictionIO/issues">Github issues</a>'
-
-- template:
-    name: MLlib-Decision-Trees-Template
-    repo: "https://github.com/mohanaprasad1994/PredictionIO-MLlib-Decision-Trees-Template"
-    description: |-
-      An engine template is an almost-complete implementation of an engine. This is a classification engine template which has integrated Apache Spark MLlib's Decision tree algorithm by default.
-    tags: [classification]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: alpha
-    pio_min_version: 0.9.0
-    apache_pio_convesion_required: "requires conversion"
-    support_link: '<a href="https://github.com/mohanaprasad1994/PredictionIO-MLlib-Decision-Trees-Template/issues">Github issues</a>'
-
-- template:
-    name: Classification with MultiLayerNetwork
-    repo: "https://github.com/jimmyywu/predictionio-template-classification-dl4j-multilayer-network"
-    description: |-
-      This engine template integrates the MultiLayerNetwork implementation from the Deeplearning4j library into PredictionIO. In this template, we use PredictionIO to classify the widely-known IRIS flower dataset by constructing a deep-belief net.
-    tags: [classification]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: alpha
-    pio_min_version: 0.9.0
-    apache_pio_convesion_required: "requires conversion"
-    support_link: '<a href="https://github.com/jimmyywu/predictionio-template-classification-dl4j-multilayer-network/issues">Github issues</a>'
-
-- template:
-    name: Deeplearning4j RNTN
-    repo: "https://github.com/ts335793/template-scala-parallel-dl4j-rntn"
-    description: |-
-      Recursive Neural Tensor Network algorithm is supervised learning algorithm used to predict sentiment of sentences. This template is based on deeplearning4j RNTN example: https://github.com/SkymindIO/deeplearning4j-nlp-examples/tree/master/src/main/java/org/deeplearning4j/rottentomatoes/rntn. It's goal is to show how to integrate deeplearning4j library with PredictionIO.
-    tags: [classification, nlp]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: alpha
-    pio_min_version: 0.9.2
-    apache_pio_convesion_required: "requires conversion"
-    support_link: '<a href="https://github.com/ts335793/template-scala-parallel-dl4j-rntn/issues">Github issues</a>'
-
-- template:
-    name: classifier-kafka-streaming-template
-    repo: "https://github.com/singsanj/classifier-kafka-streaming-template"
-    description: |-
-      The template will provide a simple integration of DASE with kafka using spark streaming capabilites in order to play around with real time notification, messages ..
-    tags: [classification]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: alpha
-    pio_min_version: "-"
-    apache_pio_convesion_required: "requires conversion"
-    support_link: '<a href="https://github.com/singsanj/classifier-kafka-streaming-template/issues">Github issues</a>'
-
-- template:
-    name: Sentiment Analysis - Bag of Words Model
-    repo: "https://github.com/peoplehum/BagOfWords_SentimentAnalysis_Template"
-    description: |-
-      This sentiment analysis template uses a bag of words model. Given text, the engine will return sentiment as 1.0 (positive) or 0.0 (negative) along with scores indicating how +ve or -ve it is.
-    tags: [classification, nlp]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: stable
-    pio_min_version: 0.10.0-incubating
-    apache_pio_convesion_required: "already compatible"
-    support_link: '<a href="https://github.com/peoplehum/BagOfWords_SentimentAnalysis_Template/issues">Github issues</a>'
-
-# Regression
-
-- template:
-    name: Survival Regression
-    repo: "https://github.com/goliasz/pio-template-sr"
-    description: |-
-      Survival regression template is based on brand new Spark 1.6 AFT (accelerated failure time) survival analysis algorithm. There are interesting applications of survival analysis like:
-
-      <ul class=tab-list>
-        <li class=tab-list-element>Business Planning : Profiling customers who has a higher survival rate and make strategy accordingly.</li>
-        <li class=tab-list-element>Lifetime Value Prediction : Engage with customers according to their lifetime value</li>
-        <li class=tab-list-element>Active customers : Predict when the customer will be active for the next time and take interventions accordingly.     * Campaign evaluation : Monitor effect of campaign on the survival rate of customers.</li>
-      </ul>
-
-      Source: http://www.analyticsvidhya.com/blog/2014/04/survival-analysis-model-you/
-    tags: [regression]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: beta
-    pio_min_version: 0.9.5
-    apache_pio_convesion_required: "requires conversion"
-    support_link: '<a href="http://www.analyticsvidhya.com/blog/2014/04/survival-analysis-model-you/">Blog post</a>'
-
-- template:
-    name: Sparkling Water-Deep Learning Energy Forecasting
-    repo: "https://github.com/BensonQiu/predictionio-template-recommendation-sparklingwater"
-    description: |-
-      This Engine Template demonstrates an energy forecasting engine. It integrates Deep Learning from the Sparkling Water library to perform energy analysis. We can query the circuit and time, and return predicted energy usage.
-    tags: [regression]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: alpha
-    pio_min_version: 0.9.2
-    apache_pio_convesion_required: "requires conversion"
-    support_link: '<a href="https://github.com/BensonQiu/predictionio-template-recommendation-sparklingwater/issues">Github issues</a>'
-
-- template:
-    name: Electric Load Forecasting
-    repo: "https://github.com/detrevid/predictionio-load-forecasting"
-    description: |-
-      This is a PredictionIO engine for electric load forecasting. The engine is using linear regression with stochastic gradient descent from Spark MLlib.
-    tags: [regression]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: stable
-    pio_min_version: 0.9.2
-    apache_pio_convesion_required: "requires conversion"
-    support_link: '<a href="https://github.com/detrevid/predictionio-load-forecasting/issues">Github issues</a>'
-
-- template:
-    name: MLLib-LinearRegression
-    repo: "https://github.com/RAditi/PredictionIO-MLLib-LinReg-Template"
-    description: |-
-      This template uses the linear regression with stochastic gradient descent algorithm from MLLib to make predictions on real-valued data based on features (explanatory variables)
-    tags: [regression]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: alpha
-    pio_min_version: 0.9.1
-    apache_pio_convesion_required: "requires conversion"
-    support_link: '<a href="https://github.com/RAditi/PredictionIO-MLLib-LinReg-Template/issues">Github issues</a>'
-
-# NLP
-
-- template:
-    name: OpenNLP Sentiment Analysis Template
-    repo: "https://github.com/vshwnth2/OpenNLP-SentimentAnalysis-Template"
-    description: |-
-      Given a sentence, this engine will return a score between 0 and 4. This is the sentiment of the sentence. The lower the number the more negative the sentence is. It uses the OpenNLP library.
-    tags: [nlp]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: alpha
-    pio_min_version: "-"
-    apache_pio_convesion_required: "requires conversion"
-    support_link: '<a href="https://github.com/vshwnth2/OpenNLP-SentimentAnalysis-Template/issues">Github issues</a>'
-
-- template:
-    name: Sentiment analysis
-    repo: "https://github.com/pawel-n/template-scala-cml-sentiment"
-    description: |-
-      This template implements various algorithms for sentiment analysis, most based on recursive neural networks (RNN) and recursive neural tensor networks (RNTN)[1]. It uses an experimental library called Composable Machine Learning (CML) and the Stanford Parser. The example data set is the Stanford Sentiment Treebank.
-    tags: [nlp]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: alpha
-    pio_min_version: 0.9.2
-    apache_pio_convesion_required: "requires conversion"
-    support_link: '<a href="https://github.com/pawel-n/template-scala-cml-sentiment/issues">Github issues</a>'
-
-- template:
-    name: Word2Vec
-    repo: "https://github.com/pawel-n/template-scala-parallel-word2vec"
-    description: |-
-      This template integrates the Word2Vec implementation from deeplearning4j with PredictionIO. The Word2Vec algorithm takes a corpus of text and computes a vector representation for each word. These representations can be subsequently used in many natural language processing applications.
-    tags: [nlp]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: alpha
-    pio_min_version: 0.9.0
-    apache_pio_convesion_required: "requires conversion"
-    support_link: '<a href="https://github.com/pawel-n/template-scala-parallel-word2vec/issues">Github issues</a>'
-
-- template:
-    name: Spark Deeplearning4j Word2Vec
-    repo: "https://github.com/ts335793/template-scala-spark-dl4j-word2vec"
-    description: |-
-      This template shows how to integrate Deeplearnign4j spark api with PredictionIO on example of app which uses Word2Vec algorithm to predict nearest words.
-    tags: [nlp]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: stable
-    pio_min_version: 0.9.2
-    apache_pio_convesion_required: "requires conversion"
-    support_link: '<a href="https://github.com/ts335793/template-scala-spark-dl4j-word2vec/issues">Github issues</a>'
-
-- template:
-    name: Sentiment Analysis Template
-    repo: "https://github.com/whhone/template-sentiment-analysis"
-    description: |-
-      Given a sentence, return a score between 0 and 4, indicating the sentence's sentiment. 0 being very negative, 4 being very positive, 2 being neutral. The engine uses the stanford CoreNLP library and the Scala binding `gangeli/CoreNLP-Scala` for parsing.
-    tags: [nlp]
-    type: Parallel
-    language: Scala
-    license: None
-    status: stable
-    pio_min_version: 0.9.0
-    apache_pio_convesion_required: "requires conversion"
-    support_link: '<a href="https://github.com/whhone/template-sentiment-analysis/issues">Github issues</a>'
-
-- template:
-    name: Recursive Neural Networks (Sentiment Analysis)
-    repo: "https://github.com/ts335793/template-scala-rnn"
-    description: |-
-      Predicting sentiment of phrases with use of Recursive Neural Network algorithm and OpenNLP parser.
-    tags: [nlp]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: stable
-    pio_min_version: 0.9.2
-    apache_pio_convesion_required: "requires conversion"
-    support_link: '<a href="https://github.com/ts335793/template-scala-rnn/issues">Github issues</a>'
-
-- template:
-    name: CoreNLP Text Classification
-    repo: "https://github.com/Ling-Ling/CoreNLP-Text-Classification"
-    description: |-
-      This engine uses CoreNLP to do text analysis in order to classify the category a strings of text falls under.
-    tags: [nlp]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: alpha
-    pio_min_version: "-"
-    apache_pio_convesion_required: "requires conversion"
-    support_link: '<a href="https://github.com/Ling-Ling/CoreNLP-Text-Classification/issues">Github issues</a>'
-
-# other 
-
-- template:
-    name: template-decision-tree-feature-importance
-    repo: "https://github.com/anthill/template-decision-tree-feature-importance"
-    description: |-
-      This template shows how to use spark' decision tree. It enables : - both categorical and continuous features - feature importance calculation - tree output in json - reading training data from a csv file
-    tags: [other]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: stable
-    pio_min_version: 0.9.0
-    apache_pio_convesion_required: "requires conversion"
-    support_link: '<a href="https://github.com/anthill/template-decision-tree-feature-importance/issues">Github issues</a>'
-
-- template:
-    name: Skeleton
-    repo: "https://github.com/apache/incubator-predictionio-template-skeleton"
-    description: |-
-      Skeleton template is for developing new engine when you find other engine templates do not fit your needs. This template provides a skeleton to kick start new engine development.
-    tags: [other]
-    type: Parallel
-    language: Scala
-    license: "Apache Licence 2.0"
-    status: stable
-    pio_min_version: 0.9.2
-    apache_pio_convesion_required: "already compatible"
-    support_link: '<a href="http://predictionio.incubator.apache.org/support/">Apache PredictionIO mailing lists</a>'
-

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/github/index.html
----------------------------------------------------------------------
diff --git a/github/index.html b/github/index.html
deleted file mode 100644
index 5c86868..0000000
--- a/github/index.html
+++ /dev/null
@@ -1,227 +0,0 @@
---- layout: raw --- <html><body><style type="text/css">
-body {
-  padding: 0;
-  margin: 0;
-  font: bold 11px/14px "Helvetica Neue", Helvetica, Arial, sans-serif;
-  overflow: hidden;
-}
-.github-btn {
-  height: 20px;
-  overflow: hidden;
-}
-.gh-btn,
-.gh-count,
-.gh-ico {
-  float: left;
-}
-.gh-btn,
-.gh-count {
-  padding: 2px 5px 2px 4px;
-  color: #333;
-  text-decoration: none;
-  text-shadow: 0 1px 0 #fff;
-  white-space: nowrap;
-  cursor: pointer;
-  border-radius: 3px;
-}
-.gh-btn {
-  background-color: #e6e6e6;
-  background-image: -webkit-gradient(linear, 0 0, 0 100%, from(#fafafa), to(#eaeaea));
-  background-image: -webkit-linear-gradient(#fafafa, #eaeaea);
-  background-image: -moz-linear-gradient(top, #fafafa, #eaeaea);
-  background-image: -ms-linear-gradient(#fafafa, #eaeaea);
-  background-image: -o-linear-gradient(#fafafa, #eaeaea);
-  background-image: linear-gradient(#fafafa, #eaeaea);
-  background-repeat: no-repeat;
-  border: 1px solid #d4d4d4;
-  border-bottom-color: #bcbcbc;
-}
-.gh-btn:hover,
-.gh-btn:focus,
-.gh-btn:active {
-  color: #fff;
-  text-decoration: none;
-  text-shadow: 0 -1px 0 rgba(0,0,0,.25);
-  border-color: #518cc6 #518cc6 #2a65a0;
-  background-color: #3072b3;
-}
-.gh-btn:hover,
-.gh-btn:focus {
-  background-image: -webkit-gradient(linear, 0 0, 0 100%, from(#599bdc), to(#3072b3));
-  background-image: -webkit-linear-gradient(#599bdc, #3072b3);
-  background-image: -moz-linear-gradient(top, #599bdc, #3072b3);
-  background-image: -ms-linear-gradient(#599bdc, #3072b3);
-  background-image: -o-linear-gradient(#599bdc, #3072b3);
-  background-image: linear-gradient(#599bdc, #3072b3);
-}
-.gh-btn:active {
-  background-image: none;
-  -webkit-box-shadow: inset 0 2px 5px rgba(0,0,0,.10);
-  -moz-box-shadow: inset 0 2px 5px rgba(0,0,0,.10);
-  box-shadow: inset 0 2px 5px rgba(0,0,0,.10);
-}
-.gh-ico {
-  width: 14px;
-  height: 14px;
-  margin-right: 4px;
-  vertical-align: 3px;
-  background-image: url(data:image/svg+xml;base64,PD94bWwgdmVyc2lvbj0iMS4wIiBlbmNvZGluZz0idXRmLTgiPz4NCjwhLS0gR2VuZXJhdG9yOiBBZG9iZSBJbGx1c3RyYXRvciAxNy4xLjAsIFNWRyBFeHBvcnQgUGx1Zy1JbiAuIFNWRyBWZXJzaW9uOiA2LjAwIEJ1aWxkIDApICAtLT4NCjwhRE9DVFlQRSBzdmcgUFVCTElDICItLy9XM0MvL0RURCBTVkcgMS4xLy9FTiIgImh0dHA6Ly93d3cudzMub3JnL0dyYXBoaWNzL1NWRy8xLjEvRFREL3N2ZzExLmR0ZCI+DQo8c3ZnIHZlcnNpb249IjEuMSIgaWQ9IkxheWVyXzEiIHhtbG5zPSJodHRwOi8vd3d3LnczLm9yZy8yMDAwL3N2ZyIgeG1sbnM6eGxpbms9Imh0dHA6Ly93d3cudzMub3JnLzE5OTkveGxpbmsiIHg9IjBweCIgeT0iMHB4Ig0KCSB3aWR0aD0iMTMycHgiIGhlaWdodD0iNjZweCIgdmlld0JveD0iMCAwIDEzMiA2NiIgZW5hYmxlLWJhY2tncm91bmQ9Im5ldyAwIDAgMTMyIDY2IiB4bWw6c3BhY2U9InByZXNlcnZlIj4NCjxwYXRoIGZpbGwtcnVsZT0iZXZlbm9kZCIgY2xpcC1ydWxlPSJldmVub2RkIiBmaWxsPSIjMzMzMzMzIiBkPSJNMzMsMS44Yy0xNy43LDAtMzIsMTQuMy0zMiwzMmMwLDE0LjEsOS4yLDI2LjEsMjEuOSwzMC40DQoJYzEuNiwwLjMsMi4yLTAuNywyLjItMS41YzAtMC44LDAtMi44LDAtNS40Yy04LjksMS45LTEwLjgtNC4zLTEwLjgtNC4zYy0xLjUtMy43LTMuNi00LjctMy42LTQuN2MtMi45LTIsMC4yLTEuOSwwLjItMS4
 5DQoJYzMuMiwwLjIsNC45LDMuMyw0LjksMy4zYzIuOSw0LjksNy41LDMuNSw5LjMsMi43YzAuMy0yLjEsMS4xLTMuNSwyLTQuM2MtNy4xLTAuOC0xNC42LTMuNi0xNC42LTE1LjhjMC0zLjUsMS4yLTYuMywzLjMtOC42DQoJYy0wLjMtMC44LTEuNC00LjEsMC4zLTguNWMwLDAsMi43LTAuOSw4LjgsMy4zYzIuNi0wLjcsNS4zLTEuMSw4LTEuMWMyLjcsMCw1LjUsMC40LDgsMS4xYzYuMS00LjEsOC44LTMuMyw4LjgtMy4zDQoJYzEuNyw0LjQsMC42LDcuNywwLjMsOC41YzIuMSwyLjIsMy4zLDUuMSwzLjMsOC42YzAsMTIuMy03LjUsMTUtMTQuNiwxNS44YzEuMSwxLDIuMiwyLjksMi4yLDUuOWMwLDQuMywwLDcuNywwLDguOA0KCWMwLDAuOSwwLjYsMS45LDIuMiwxLjVDNTUuOCw1OS45LDY1LDQ3LjksNjUsMzMuOEM2NSwxNi4xLDUwLjcsMS44LDMzLDEuOHoiLz4NCjxwYXRoIGZpbGwtcnVsZT0iZXZlbm9kZCIgY2xpcC1ydWxlPSJldmVub2RkIiBmaWxsPSIjRkZGRkZGIiBkPSJNOTksMS44Yy0xNy43LDAtMzIsMTQuMy0zMiwzMmMwLDE0LjEsOS4yLDI2LjEsMjEuOSwzMC40DQoJYzEuNiwwLjMsMi4yLTAuNywyLjItMS41YzAtMC44LDAtMi44LDAtNS40Yy04LjksMS45LTEwLjgtNC4zLTEwLjgtNC4zYy0xLjUtMy43LTMuNi00LjctMy42LTQuN2MtMi45LTIsMC4yLTEuOSwwLjItMS45DQoJYzMuMiwwLjIsNC45LDMuMyw0LjksMy4zYzIuOSw0LjksNy41LDMuNSw5LjMsMi43YzAuMy0yLjEsMS4xLTMuNSwyLTQuM2Mt
 Ny4xLTAuOC0xNC42LTMuNi0xNC42LTE1LjhjMC0zLjUsMS4yLTYuMywzLjMtOC42DQoJYy0wLjMtMC44LTEuNC00LjEsMC4zLTguNWMwLDAsMi43LTAuOSw4LjgsMy4zYzIuNi0wLjcsNS4zLTEuMSw4LTEuMWMyLjcsMCw1LjUsMC40LDgsMS4xYzYuMS00LjEsOC44LTMuMyw4LjgtMy4zDQoJYzEuNyw0LjQsMC42LDcuNywwLjMsOC41YzIuMSwyLjIsMy4zLDUuMSwzLjMsOC42YzAsMTIuMy03LjUsMTUtMTQuNiwxNS44YzEuMSwxLDIuMiwyLjksMi4yLDUuOWMwLDQuMywwLDcuNywwLDguOA0KCWMwLDAuOSwwLjYsMS45LDIuMiwxLjVjMTIuNy00LjIsMjEuOS0xNi4yLDIxLjktMzAuNEMxMzEsMTYuMSwxMTYuNywxLjgsOTksMS44eiIvPg0KPC9zdmc+DQo=);
-  background-size: 28px 14px;
-  background-repeat: no-repeat;
-  background-position: 0 0;
-}
-.gh-btn:hover .gh-ico,
-.gh-btn:focus .gh-ico,
-.gh-btn:active .gh-ico {
-  background-position: -14px 0;
-}
-.gh-count {
-  position: relative;
-  display: none; /* hidden to start */
-  margin-left: 4px;
-  background-color: #fafafa;
-  border: 1px solid #d4d4d4;
-}
-.gh-count:hover,
-.gh-count:focus {
-  color: #4183C4;
-}
-.gh-count:before,
-.gh-count:after {
-  content: '';
-  position: absolute;
-  display: inline-block;
-  width: 0;
-  height: 0;
-  border-color: transparent;
-  border-style: solid;
-}
-.gh-count:before {
-  top: 50%;
-  left: -3px;
-  margin-top: -4px;
-  border-width: 4px 4px 4px 0;
-  border-right-color: #fafafa;
-}
-.gh-count:after {
-  top: 50%;
-  left: -4px;
-  z-index: -1;
-  margin-top: -5px;
-  border-width: 5px 5px 5px 0;
-  border-right-color: #d4d4d4;
-}
-.github-btn-large {
-  height: 30px;
-}
-.github-btn-large .gh-btn,
-.github-btn-large .gh-count {
-  padding: 3px 10px 3px 8px;
-  font-size: 16px;
-  line-height: 22px;
-  border-radius: 4px;
-}
-.github-btn-large .gh-ico {
-  width: 20px;
-  height: 20px;
-  background-size: 40px 20px;
-}
-.github-btn-large .gh-btn:hover .gh-ico,
-.github-btn-large .gh-btn:focus .gh-ico,
-.github-btn-large .gh-btn:active .gh-ico {
-  background-position: -20px 0;
-}
-.github-btn-large .gh-count {
-  margin-left: 6px;
-}
-.github-btn-large .gh-count:before {
-  left: -5px;
-  margin-top: -6px;
-  border-width: 6px 6px 6px 0;
-}
-.github-btn-large .gh-count:after {
-  left: -6px;
-  margin-top: -7px;
-  border-width: 7px 7px 7px 0;
-}
-</style> <span class="github-btn" id="github-btn"> <a class="gh-btn" id="gh-btn" href="#" target="_blank"> <span class="gh-ico"></span> <span class="gh-text" id="gh-text"></span> </a> <a class="gh-count" id="gh-count" href="#" target="_blank"></a> </span> <script>
-  // Read a page's GET URL variables and return them as an associative array.
-  // Source: http://jquery-howto.blogspot.com/2009/09/get-url-parameters-values-with-jquery.html
-  var params = function () {
-    var vars = [], hash;
-    var hashes = window.location.href.slice(window.location.href.indexOf('?') + 1).split('&');
-    for(var i = 0; i < hashes.length; i++) {
-      hash = hashes[i].split('=');
-      vars.push(hash[0]);
-      vars[hash[0]] = hash[1];
-    }
-    return vars;
-  }()
-  var user = params.user,
-  repo = params.repo,
-  type = params.type,
-  count = params.count,
-  size = params.size,
-  head = document.getElementsByTagName('head')[0],
-  button = document.getElementById('gh-btn'),
-  mainButton = document.getElementById('github-btn'),
-  text = document.getElementById('gh-text'),
-  counter = document.getElementById('gh-count');
-
-
-  // Add commas to numbers
-  function addCommas(n) {
-    return String(n).replace(/(\d)(?=(\d{3})+$)/g, '$1,')
-  }
-
-  function jsonp(path) {
-    var el = document.createElement('script');
-    el.src = path + '?callback=callback';
-    head.insertBefore(el, head.firstChild);
-  }
-
-  function callback(obj) {
-    if (type == 'watch') {
-      counter.innerHTML = addCommas(obj.data.watchers);
-    } else if (type == 'fork') {
-      counter.innerHTML = addCommas(obj.data.forks);
-    } else if (type == 'follow') {
-      counter.innerHTML = addCommas(obj.data.followers);
-    }
-
-    // Show the count if asked
-    if (count == 'true') {
-      counter.style.display = 'block';
-    }
-  }
-
-  // Set href to be URL for repo
-  button.href = 'https://github.com/' + user + '/' + repo + '/';
-
-  // Add the class, change the text label, set count link href
-  if (type == 'watch') {
-    mainButton.className += ' github-watchers';
-    text.innerHTML = 'Star';
-    counter.href = 'https://github.com/' + user + '/' + repo + '/stargazers';
-  } else if (type == 'fork') {
-    mainButton.className += ' github-forks';
-    text.innerHTML = 'Fork';
-    counter.href = 'https://github.com/' + user + '/' + repo + '/network';
-  } else if (type == 'follow') {
-    mainButton.className += ' github-me';
-    text.innerHTML = 'Follow @' + user;
-    button.href = 'https://github.com/' + user;
-    counter.href = 'https://github.com/' + user + '/followers';
-  }
-
-  // Change the size
-  if (size == 'large') {
-    mainButton.className += ' github-btn-large';
-  }
-
-  if (type == 'follow') {
-    jsonp('https://api.github.com/users/' + user);
-  } else {
-    jsonp('https://api.github.com/repos/' + user + '/' + repo);
-  }
-</script></body></html>
\ No newline at end of file

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/github/index.html.gz
----------------------------------------------------------------------
diff --git a/github/index.html.gz b/github/index.html.gz
deleted file mode 100644
index cd1fd81..0000000
Binary files a/github/index.html.gz and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/humans.txt
----------------------------------------------------------------------
diff --git a/humans.txt b/humans.txt
deleted file mode 100644
index c823521..0000000
--- a/humans.txt
+++ /dev/null
@@ -1,3 +0,0 @@
-Developer: David Singer
-Site: david@ramaboo.com
-From: San Fransisco, United States
\ No newline at end of file

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/0.8-command-sys-fb4ef0bf.png
----------------------------------------------------------------------
diff --git a/images/0.8-command-sys-fb4ef0bf.png b/images/0.8-command-sys-fb4ef0bf.png
deleted file mode 100644
index 2e65468..0000000
Binary files a/images/0.8-command-sys-fb4ef0bf.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/0.8-engine-data-pipeline-49b451b4.png
----------------------------------------------------------------------
diff --git a/images/0.8-engine-data-pipeline-49b451b4.png b/images/0.8-engine-data-pipeline-49b451b4.png
deleted file mode 100644
index 595fdad..0000000
Binary files a/images/0.8-engine-data-pipeline-49b451b4.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/awsm-1click-9d9ac1c4.png
----------------------------------------------------------------------
diff --git a/images/awsm-1click-9d9ac1c4.png b/images/awsm-1click-9d9ac1c4.png
deleted file mode 100644
index 95b2c5a..0000000
Binary files a/images/awsm-1click-9d9ac1c4.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/awsm-product-1be37f9d.png
----------------------------------------------------------------------
diff --git a/images/awsm-product-1be37f9d.png b/images/awsm-product-1be37f9d.png
deleted file mode 100644
index 0f6779e..0000000
Binary files a/images/awsm-product-1be37f9d.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/cloudformation/awsmp-1-609eb919.png
----------------------------------------------------------------------
diff --git a/images/cloudformation/awsmp-1-609eb919.png b/images/cloudformation/awsmp-1-609eb919.png
deleted file mode 100644
index 435f32a..0000000
Binary files a/images/cloudformation/awsmp-1-609eb919.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/cloudformation/awsmp-2-7dd613ba.png
----------------------------------------------------------------------
diff --git a/images/cloudformation/awsmp-2-7dd613ba.png b/images/cloudformation/awsmp-2-7dd613ba.png
deleted file mode 100644
index 360ae41..0000000
Binary files a/images/cloudformation/awsmp-2-7dd613ba.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/cloudformation/cf-01-13c7f924.png
----------------------------------------------------------------------
diff --git a/images/cloudformation/cf-01-13c7f924.png b/images/cloudformation/cf-01-13c7f924.png
deleted file mode 100644
index 16cb070..0000000
Binary files a/images/cloudformation/cf-01-13c7f924.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/cloudformation/cf-02-61cd8e67.png
----------------------------------------------------------------------
diff --git a/images/cloudformation/cf-02-61cd8e67.png b/images/cloudformation/cf-02-61cd8e67.png
deleted file mode 100644
index 51bfc94..0000000
Binary files a/images/cloudformation/cf-02-61cd8e67.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/cloudformation/cf-03-d017fa2d.png
----------------------------------------------------------------------
diff --git a/images/cloudformation/cf-03-d017fa2d.png b/images/cloudformation/cf-03-d017fa2d.png
deleted file mode 100644
index efb2722..0000000
Binary files a/images/cloudformation/cf-03-d017fa2d.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/cloudformation/cf-04-6b545f50.png
----------------------------------------------------------------------
diff --git a/images/cloudformation/cf-04-6b545f50.png b/images/cloudformation/cf-04-6b545f50.png
deleted file mode 100644
index 20af468..0000000
Binary files a/images/cloudformation/cf-04-6b545f50.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/cloudformation/cf-05-92ee63c2.png
----------------------------------------------------------------------
diff --git a/images/cloudformation/cf-05-92ee63c2.png b/images/cloudformation/cf-05-92ee63c2.png
deleted file mode 100644
index a3dc186..0000000
Binary files a/images/cloudformation/cf-05-92ee63c2.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/cloudformation/cf-06-b36528fa.png
----------------------------------------------------------------------
diff --git a/images/cloudformation/cf-06-b36528fa.png b/images/cloudformation/cf-06-b36528fa.png
deleted file mode 100644
index 8c2343a..0000000
Binary files a/images/cloudformation/cf-06-b36528fa.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/cloudformation/compute-1-c572ea84.png
----------------------------------------------------------------------
diff --git a/images/cloudformation/compute-1-c572ea84.png b/images/cloudformation/compute-1-c572ea84.png
deleted file mode 100644
index b8366c7..0000000
Binary files a/images/cloudformation/compute-1-c572ea84.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/cloudformation/compute-2-f7da8e72.png
----------------------------------------------------------------------
diff --git a/images/cloudformation/compute-2-f7da8e72.png b/images/cloudformation/compute-2-f7da8e72.png
deleted file mode 100644
index bfcac05..0000000
Binary files a/images/cloudformation/compute-2-f7da8e72.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/cloudformation/compute-3-ee5fc6a8.png
----------------------------------------------------------------------
diff --git a/images/cloudformation/compute-3-ee5fc6a8.png b/images/cloudformation/compute-3-ee5fc6a8.png
deleted file mode 100644
index 141d188..0000000
Binary files a/images/cloudformation/compute-3-ee5fc6a8.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/cloudformation/compute-4-67fe0caa.png
----------------------------------------------------------------------
diff --git a/images/cloudformation/compute-4-67fe0caa.png b/images/cloudformation/compute-4-67fe0caa.png
deleted file mode 100644
index fdf9c18..0000000
Binary files a/images/cloudformation/compute-4-67fe0caa.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/cloudformation/hbase-32538c47.png
----------------------------------------------------------------------
diff --git a/images/cloudformation/hbase-32538c47.png b/images/cloudformation/hbase-32538c47.png
deleted file mode 100644
index b509290..0000000
Binary files a/images/cloudformation/hbase-32538c47.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/cloudformation/hdfs-51f0231f.png
----------------------------------------------------------------------
diff --git a/images/cloudformation/hdfs-51f0231f.png b/images/cloudformation/hdfs-51f0231f.png
deleted file mode 100644
index 15b7fc7..0000000
Binary files a/images/cloudformation/hdfs-51f0231f.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/cloudformation/spark-019c2cf1.png
----------------------------------------------------------------------
diff --git a/images/cloudformation/spark-019c2cf1.png b/images/cloudformation/spark-019c2cf1.png
deleted file mode 100644
index e150e2e..0000000
Binary files a/images/cloudformation/spark-019c2cf1.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/cloudformation/storage-1-ca3ae3a6.png
----------------------------------------------------------------------
diff --git a/images/cloudformation/storage-1-ca3ae3a6.png b/images/cloudformation/storage-1-ca3ae3a6.png
deleted file mode 100644
index 2f9af20..0000000
Binary files a/images/cloudformation/storage-1-ca3ae3a6.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/cloudformation/storage-2-9395c9f2.png
----------------------------------------------------------------------
diff --git a/images/cloudformation/storage-2-9395c9f2.png b/images/cloudformation/storage-2-9395c9f2.png
deleted file mode 100644
index f03ff7d..0000000
Binary files a/images/cloudformation/storage-2-9395c9f2.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/datacollection/ipynb-01-004d791e.png
----------------------------------------------------------------------
diff --git a/images/datacollection/ipynb-01-004d791e.png b/images/datacollection/ipynb-01-004d791e.png
deleted file mode 100644
index 6639d80..0000000
Binary files a/images/datacollection/ipynb-01-004d791e.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/datacollection/ipynb-02-cd8b12e4.png
----------------------------------------------------------------------
diff --git a/images/datacollection/ipynb-02-cd8b12e4.png b/images/datacollection/ipynb-02-cd8b12e4.png
deleted file mode 100644
index 40e74d5..0000000
Binary files a/images/datacollection/ipynb-02-cd8b12e4.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/datacollection/ipynb-03-28f3aa3d.png
----------------------------------------------------------------------
diff --git a/images/datacollection/ipynb-03-28f3aa3d.png b/images/datacollection/ipynb-03-28f3aa3d.png
deleted file mode 100644
index 7aa0216..0000000
Binary files a/images/datacollection/ipynb-03-28f3aa3d.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/datacollection/ipynb-04-797d73f1.png
----------------------------------------------------------------------
diff --git a/images/datacollection/ipynb-04-797d73f1.png b/images/datacollection/ipynb-04-797d73f1.png
deleted file mode 100644
index dded14c..0000000
Binary files a/images/datacollection/ipynb-04-797d73f1.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/datacollection/tableau-01-b5a23839.png
----------------------------------------------------------------------
diff --git a/images/datacollection/tableau-01-b5a23839.png b/images/datacollection/tableau-01-b5a23839.png
deleted file mode 100644
index 057019e..0000000
Binary files a/images/datacollection/tableau-01-b5a23839.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/datacollection/tableau-02-76e93443.png
----------------------------------------------------------------------
diff --git a/images/datacollection/tableau-02-76e93443.png b/images/datacollection/tableau-02-76e93443.png
deleted file mode 100644
index f7177be..0000000
Binary files a/images/datacollection/tableau-02-76e93443.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/datacollection/tableau-03-e389351e.png
----------------------------------------------------------------------
diff --git a/images/datacollection/tableau-03-e389351e.png b/images/datacollection/tableau-03-e389351e.png
deleted file mode 100644
index 297db26..0000000
Binary files a/images/datacollection/tableau-03-e389351e.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/datacollection/tableau-04-c8c31bb7.png
----------------------------------------------------------------------
diff --git a/images/datacollection/tableau-04-c8c31bb7.png b/images/datacollection/tableau-04-c8c31bb7.png
deleted file mode 100644
index 2847a57..0000000
Binary files a/images/datacollection/tableau-04-c8c31bb7.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/datacollection/zeppelin-01-1c476081.png
----------------------------------------------------------------------
diff --git a/images/datacollection/zeppelin-01-1c476081.png b/images/datacollection/zeppelin-01-1c476081.png
deleted file mode 100644
index 6d49d6b..0000000
Binary files a/images/datacollection/zeppelin-01-1c476081.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/datacollection/zeppelin-02-b3687a33.png
----------------------------------------------------------------------
diff --git a/images/datacollection/zeppelin-02-b3687a33.png b/images/datacollection/zeppelin-02-b3687a33.png
deleted file mode 100644
index d36d3a4..0000000
Binary files a/images/datacollection/zeppelin-02-b3687a33.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/datacollection/zeppelin-03-15dcefee.png
----------------------------------------------------------------------
diff --git a/images/datacollection/zeppelin-03-15dcefee.png b/images/datacollection/zeppelin-03-15dcefee.png
deleted file mode 100644
index 4a8bdb5..0000000
Binary files a/images/datacollection/zeppelin-03-15dcefee.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/datacollection/zeppelin-04-d646c299.png
----------------------------------------------------------------------
diff --git a/images/datacollection/zeppelin-04-d646c299.png b/images/datacollection/zeppelin-04-d646c299.png
deleted file mode 100644
index e527b48..0000000
Binary files a/images/datacollection/zeppelin-04-d646c299.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/demo/tapster/pio-app-new-5a8ae503.png
----------------------------------------------------------------------
diff --git a/images/demo/tapster/pio-app-new-5a8ae503.png b/images/demo/tapster/pio-app-new-5a8ae503.png
deleted file mode 100644
index 00b5329..0000000
Binary files a/images/demo/tapster/pio-app-new-5a8ae503.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/demo/tapster/pio-build-e6eb1d7c.png
----------------------------------------------------------------------
diff --git a/images/demo/tapster/pio-build-e6eb1d7c.png b/images/demo/tapster/pio-build-e6eb1d7c.png
deleted file mode 100644
index 65874c3..0000000
Binary files a/images/demo/tapster/pio-build-e6eb1d7c.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/demo/tapster/pio-deploy-d7d874d9.png
----------------------------------------------------------------------
diff --git a/images/demo/tapster/pio-deploy-d7d874d9.png b/images/demo/tapster/pio-deploy-d7d874d9.png
deleted file mode 100644
index 487085a..0000000
Binary files a/images/demo/tapster/pio-deploy-d7d874d9.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/demo/tapster/pio-engine-setup-88e25cc0.png
----------------------------------------------------------------------
diff --git a/images/demo/tapster/pio-engine-setup-88e25cc0.png b/images/demo/tapster/pio-engine-setup-88e25cc0.png
deleted file mode 100644
index 0164a28..0000000
Binary files a/images/demo/tapster/pio-engine-setup-88e25cc0.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/demo/tapster/pio-eventserver-88889ec0.png
----------------------------------------------------------------------
diff --git a/images/demo/tapster/pio-eventserver-88889ec0.png b/images/demo/tapster/pio-eventserver-88889ec0.png
deleted file mode 100644
index c6a7334..0000000
Binary files a/images/demo/tapster/pio-eventserver-88889ec0.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/demo/tapster/pio-import-predictionio-1ecd11fd.png
----------------------------------------------------------------------
diff --git a/images/demo/tapster/pio-import-predictionio-1ecd11fd.png b/images/demo/tapster/pio-import-predictionio-1ecd11fd.png
deleted file mode 100644
index bb4aad7..0000000
Binary files a/images/demo/tapster/pio-import-predictionio-1ecd11fd.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/demo/tapster/pio-install-2d870aed.png
----------------------------------------------------------------------
diff --git a/images/demo/tapster/pio-install-2d870aed.png b/images/demo/tapster/pio-install-2d870aed.png
deleted file mode 100644
index e792012..0000000
Binary files a/images/demo/tapster/pio-install-2d870aed.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/demo/tapster/pio-train-7edffad4.png
----------------------------------------------------------------------
diff --git a/images/demo/tapster/pio-train-7edffad4.png b/images/demo/tapster/pio-train-7edffad4.png
deleted file mode 100644
index dd5a5f4..0000000
Binary files a/images/demo/tapster/pio-train-7edffad4.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/demo/tapster/rails-server-997d690e.png
----------------------------------------------------------------------
diff --git a/images/demo/tapster/rails-server-997d690e.png b/images/demo/tapster/rails-server-997d690e.png
deleted file mode 100644
index b4ad36d..0000000
Binary files a/images/demo/tapster/rails-server-997d690e.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/demo/text_classification_template/engine_overview-27e09a89.png
----------------------------------------------------------------------
diff --git a/images/demo/text_classification_template/engine_overview-27e09a89.png b/images/demo/text_classification_template/engine_overview-27e09a89.png
deleted file mode 100644
index 3c37d9a..0000000
Binary files a/images/demo/text_classification_template/engine_overview-27e09a89.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/engine-data-flow-f724593a.png
----------------------------------------------------------------------
diff --git a/images/engine-data-flow-f724593a.png b/images/engine-data-flow-f724593a.png
deleted file mode 100644
index 96aa022..0000000
Binary files a/images/engine-data-flow-f724593a.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/engine-evaluation-4ab1bfeb.png
----------------------------------------------------------------------
diff --git a/images/engine-evaluation-4ab1bfeb.png b/images/engine-evaluation-4ab1bfeb.png
deleted file mode 100644
index 189cb06..0000000
Binary files a/images/engine-evaluation-4ab1bfeb.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/engine-itemrec-prediction-02256e37.png
----------------------------------------------------------------------
diff --git a/images/engine-itemrec-prediction-02256e37.png b/images/engine-itemrec-prediction-02256e37.png
deleted file mode 100644
index 39b7ca3..0000000
Binary files a/images/engine-itemrec-prediction-02256e37.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/engine-itemsim-score-6b6320a8.png
----------------------------------------------------------------------
diff --git a/images/engine-itemsim-score-6b6320a8.png b/images/engine-itemsim-score-6b6320a8.png
deleted file mode 100644
index 48e1ac3..0000000
Binary files a/images/engine-itemsim-score-6b6320a8.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/engine-query-8d7311ff.png
----------------------------------------------------------------------
diff --git a/images/engine-query-8d7311ff.png b/images/engine-query-8d7311ff.png
deleted file mode 100644
index ebf186c..0000000
Binary files a/images/engine-query-8d7311ff.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/engine-server-3246414b.png
----------------------------------------------------------------------
diff --git a/images/engine-server-3246414b.png b/images/engine-server-3246414b.png
deleted file mode 100644
index f6080db..0000000
Binary files a/images/engine-server-3246414b.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/engine-training-93bc1b69.png
----------------------------------------------------------------------
diff --git a/images/engine-training-93bc1b69.png b/images/engine-training-93bc1b69.png
deleted file mode 100644
index 33c94c0..0000000
Binary files a/images/engine-training-93bc1b69.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/engineinstance-overview-c6668657.png
----------------------------------------------------------------------
diff --git a/images/engineinstance-overview-c6668657.png b/images/engineinstance-overview-c6668657.png
deleted file mode 100644
index c0cf048..0000000
Binary files a/images/engineinstance-overview-c6668657.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/eventserver-overview-b4b841d1.png
----------------------------------------------------------------------
diff --git a/images/eventserver-overview-b4b841d1.png b/images/eventserver-overview-b4b841d1.png
deleted file mode 100644
index d17d659..0000000
Binary files a/images/eventserver-overview-b4b841d1.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/favicon/apple-c0febcf2.png
----------------------------------------------------------------------
diff --git a/images/favicon/apple-c0febcf2.png b/images/favicon/apple-c0febcf2.png
deleted file mode 100644
index 94fdbd5..0000000
Binary files a/images/favicon/apple-c0febcf2.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/favicon/normal-b330020a.png
----------------------------------------------------------------------
diff --git a/images/favicon/normal-b330020a.png b/images/favicon/normal-b330020a.png
deleted file mode 100644
index 593f2c0..0000000
Binary files a/images/favicon/normal-b330020a.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/icons/down-arrow-dfe9f7fe.png
----------------------------------------------------------------------
diff --git a/images/icons/down-arrow-dfe9f7fe.png b/images/icons/down-arrow-dfe9f7fe.png
deleted file mode 100644
index d85dc0e..0000000
Binary files a/images/icons/down-arrow-dfe9f7fe.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/icons/drawer-toggle-active-fcbef12a.png
----------------------------------------------------------------------
diff --git a/images/icons/drawer-toggle-active-fcbef12a.png b/images/icons/drawer-toggle-active-fcbef12a.png
deleted file mode 100644
index 597589d..0000000
Binary files a/images/icons/drawer-toggle-active-fcbef12a.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/icons/drawer-toggle-closed-7f354f90.png
----------------------------------------------------------------------
diff --git a/images/icons/drawer-toggle-closed-7f354f90.png b/images/icons/drawer-toggle-closed-7f354f90.png
deleted file mode 100644
index a9c5697..0000000
Binary files a/images/icons/drawer-toggle-closed-7f354f90.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/icons/edit-pencil-d6c1bb3d.png
----------------------------------------------------------------------
diff --git a/images/icons/edit-pencil-d6c1bb3d.png b/images/icons/edit-pencil-d6c1bb3d.png
deleted file mode 100644
index f785ef2..0000000
Binary files a/images/icons/edit-pencil-d6c1bb3d.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/icons/facebook-5c57939c.png
----------------------------------------------------------------------
diff --git a/images/icons/facebook-5c57939c.png b/images/icons/facebook-5c57939c.png
deleted file mode 100644
index 2d6b48f..0000000
Binary files a/images/icons/facebook-5c57939c.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/icons/search-glass-704bd4ff.png
----------------------------------------------------------------------
diff --git a/images/icons/search-glass-704bd4ff.png b/images/icons/search-glass-704bd4ff.png
deleted file mode 100644
index 478258e..0000000
Binary files a/images/icons/search-glass-704bd4ff.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/icons/sketch-64-6f183df6.png
----------------------------------------------------------------------
diff --git a/images/icons/sketch-64-6f183df6.png b/images/icons/sketch-64-6f183df6.png
deleted file mode 100644
index 91bd644..0000000
Binary files a/images/icons/sketch-64-6f183df6.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/icons/twitter-ea9dc152.png
----------------------------------------------------------------------
diff --git a/images/icons/twitter-ea9dc152.png b/images/icons/twitter-ea9dc152.png
deleted file mode 100644
index e2eee7c..0000000
Binary files a/images/icons/twitter-ea9dc152.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/icons/up-arrow-8f52c66f.png
----------------------------------------------------------------------
diff --git a/images/icons/up-arrow-8f52c66f.png b/images/icons/up-arrow-8f52c66f.png
deleted file mode 100644
index fb78b20..0000000
Binary files a/images/icons/up-arrow-8f52c66f.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/intellij/intelliJ-scala-plugin-09ee074a.png
----------------------------------------------------------------------
diff --git a/images/intellij/intelliJ-scala-plugin-09ee074a.png b/images/intellij/intelliJ-scala-plugin-09ee074a.png
deleted file mode 100644
index 8725257..0000000
Binary files a/images/intellij/intelliJ-scala-plugin-09ee074a.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/intellij/intellij-buildsbt-05cfd141.png
----------------------------------------------------------------------
diff --git a/images/intellij/intellij-buildsbt-05cfd141.png b/images/intellij/intellij-buildsbt-05cfd141.png
deleted file mode 100644
index 41b2514..0000000
Binary files a/images/intellij/intellij-buildsbt-05cfd141.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/intellij/intellij-config-2-f0d34c12.png
----------------------------------------------------------------------
diff --git a/images/intellij/intellij-config-2-f0d34c12.png b/images/intellij/intellij-config-2-f0d34c12.png
deleted file mode 100644
index 5d84ee8..0000000
Binary files a/images/intellij/intellij-config-2-f0d34c12.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/intellij/intellij-config-48c05039.png
----------------------------------------------------------------------
diff --git a/images/intellij/intellij-config-48c05039.png b/images/intellij/intellij-config-48c05039.png
deleted file mode 100644
index 1912993..0000000
Binary files a/images/intellij/intellij-config-48c05039.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/intellij/intellij-dependencies-9520f75f.png
----------------------------------------------------------------------
diff --git a/images/intellij/intellij-dependencies-9520f75f.png b/images/intellij/intellij-dependencies-9520f75f.png
deleted file mode 100644
index ff6ec0c..0000000
Binary files a/images/intellij/intellij-dependencies-9520f75f.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/intellij/intellij-scala-plugin-2-592c697f.png
----------------------------------------------------------------------
diff --git a/images/intellij/intellij-scala-plugin-2-592c697f.png b/images/intellij/intellij-scala-plugin-2-592c697f.png
deleted file mode 100644
index 76066ce..0000000
Binary files a/images/intellij/intellij-scala-plugin-2-592c697f.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/intellij/pio-runtime-jar-deps-3f3c99d9.png
----------------------------------------------------------------------
diff --git a/images/intellij/pio-runtime-jar-deps-3f3c99d9.png b/images/intellij/pio-runtime-jar-deps-3f3c99d9.png
deleted file mode 100644
index 84410ed..0000000
Binary files a/images/intellij/pio-runtime-jar-deps-3f3c99d9.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/intellij/pio-runtime-jars-266e8c1b.png
----------------------------------------------------------------------
diff --git a/images/intellij/pio-runtime-jars-266e8c1b.png b/images/intellij/pio-runtime-jars-266e8c1b.png
deleted file mode 100644
index 587bf04..0000000
Binary files a/images/intellij/pio-runtime-jars-266e8c1b.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/logos/copyright-7a05feec.png
----------------------------------------------------------------------
diff --git a/images/logos/copyright-7a05feec.png b/images/logos/copyright-7a05feec.png
deleted file mode 100644
index 4c8cada..0000000
Binary files a/images/logos/copyright-7a05feec.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/logos/copyright@2x-48e4eb15.png
----------------------------------------------------------------------
diff --git a/images/logos/copyright@2x-48e4eb15.png b/images/logos/copyright@2x-48e4eb15.png
deleted file mode 100644
index 1da51c2..0000000
Binary files a/images/logos/copyright@2x-48e4eb15.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/logos/header-16750acb.png
----------------------------------------------------------------------
diff --git a/images/logos/header-16750acb.png b/images/logos/header-16750acb.png
deleted file mode 100644
index 3568b9e..0000000
Binary files a/images/logos/header-16750acb.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/logos/header@2x-b56a7c95.png
----------------------------------------------------------------------
diff --git a/images/logos/header@2x-b56a7c95.png b/images/logos/header@2x-b56a7c95.png
deleted file mode 100644
index d13dd21..0000000
Binary files a/images/logos/header@2x-b56a7c95.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/logos/logo-ee2b9bb3.png
----------------------------------------------------------------------
diff --git a/images/logos/logo-ee2b9bb3.png b/images/logos/logo-ee2b9bb3.png
deleted file mode 100644
index bb54fd4..0000000
Binary files a/images/logos/logo-ee2b9bb3.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/logos/logo-white-d1e9c6e6.png
----------------------------------------------------------------------
diff --git a/images/logos/logo-white-d1e9c6e6.png b/images/logos/logo-white-d1e9c6e6.png
deleted file mode 100644
index 189a2ba..0000000
Binary files a/images/logos/logo-white-d1e9c6e6.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/machinelearning/featureselection/cube100-a8fe5433.png
----------------------------------------------------------------------
diff --git a/images/machinelearning/featureselection/cube100-a8fe5433.png b/images/machinelearning/featureselection/cube100-a8fe5433.png
deleted file mode 100644
index 9517130..0000000
Binary files a/images/machinelearning/featureselection/cube100-a8fe5433.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/machinelearning/featureselection/square100-df83c1ae.png
----------------------------------------------------------------------
diff --git a/images/machinelearning/featureselection/square100-df83c1ae.png b/images/machinelearning/featureselection/square100-df83c1ae.png
deleted file mode 100644
index 7576354..0000000
Binary files a/images/machinelearning/featureselection/square100-df83c1ae.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/monit-e13c1c65.png
----------------------------------------------------------------------
diff --git a/images/monit-e13c1c65.png b/images/monit-e13c1c65.png
deleted file mode 100644
index f8b35ac..0000000
Binary files a/images/monit-e13c1c65.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/overview-multiengines-b703caac.png
----------------------------------------------------------------------
diff --git a/images/overview-multiengines-b703caac.png b/images/overview-multiengines-b703caac.png
deleted file mode 100644
index 8e4ed53..0000000
Binary files a/images/overview-multiengines-b703caac.png and /dev/null differ

http://git-wip-us.apache.org/repos/asf/incubator-predictionio-site/blob/43f84e11/images/overview-singleengine-0a99200d.png
----------------------------------------------------------------------
diff --git a/images/overview-singleengine-0a99200d.png b/images/overview-singleengine-0a99200d.png
deleted file mode 100644
index 35b8e79..0000000
Binary files a/images/overview-singleengine-0a99200d.png and /dev/null differ