From ec36680b992cce15c1b9c319b9bffda91beb7b57 Mon Sep 17 00:00:00 2001
From: Richard Ogundele <63150179+richardogundele@users.noreply.github.com>
Date: Mon, 15 Sep 2025 10:43:40 +0100
Subject: [PATCH 1/2] added ML-For-Beginners and contribution_plan.md
and contribution_tracker.md
---
ML-For-Beginners | 1 +
README.md | 2 +-
contribution_plan.md | 379 ++++++++++++++++++++++++++++++++++++++++
contribution_tracker.md | 211 ++++++++++++++++++++++
4 files changed, 592 insertions(+), 1 deletion(-)
create mode 160000 ML-For-Beginners
create mode 100644 contribution_plan.md
create mode 100644 contribution_tracker.md
diff --git a/ML-For-Beginners b/ML-For-Beginners
new file mode 160000
index 0000000..f925c9a
--- /dev/null
+++ b/ML-For-Beginners
@@ -0,0 +1 @@
+Subproject commit f925c9afbba72b73690ec3bce07377e70b9b0383
diff --git a/README.md b/README.md
index 1749821..c9947b7 100644
--- a/README.md
+++ b/README.md
@@ -1,4 +1,4 @@
-# AI Introduction
+ # AI Introduction
Artificial intelligence (AI) is intelligence demonstrated by machines, as opposed to intelligence of humans and other animals. Example tasks in which this is done include speech recognition, computer vision, translation between (natural) languages, as well as other mappings of inputs.
AI applications include advanced web search engines (e.g., Google Search), recommendation systems (used by YouTube, Amazon, and Netflix), understanding human speech (such as Siri and Alexa), self-driving cars (e.g., Waymo), generative or creative tools (ChatGPT and AI art), automated decision-making, and competing at the highest level in strategic game systems (such as chess and Go).
diff --git a/contribution_plan.md b/contribution_plan.md
new file mode 100644
index 0000000..f894039
--- /dev/null
+++ b/contribution_plan.md
@@ -0,0 +1,379 @@
+# 🚀 AI/ML Open Source Contribution Plan
+
+## 🎯 Target Projects & High-Impact Opportunities
+
+Based on your Python, AI/ML, and Cloud Infrastructure background, here are the **TOP 3 RECOMMENDED CONTRIBUTIONS**:
+
+---
+
+## 🥇 **PRIORITY 1: Microsoft ML-For-Beginners**
+**Repository**: https://github.com/microsoft/ML-For-Beginners
+**Focus**: Educational ML content & Python examples
+
+### 🔥 **High-Impact Issue #1: Documentation Enhancement**
+**Issue**: [Add comprehensive documentation](https://github.com/microsoft/ML-For-Beginners/issues/835)
+
+#### **Problem Explanation**
+The ML-For-Beginners repository lacks comprehensive documentation, making it difficult for new contributors and learners to:
+- Understand the project structure
+- Set up development environment
+- Navigate between lessons
+- Contribute effectively
+
+#### **Suggested Solution**
+Create a comprehensive documentation framework with:
+
+```python
+# Documentation Structure
+docs/
+├── README.md # Main documentation
+├── getting-started/
+│ ├── installation.md # Setup instructions
+│ ├── environment.md # Development environment
+│ └── first-contribution.md # How to contribute
+├── lessons/
+│ ├── lesson-guide.md # How lessons are structured
+│ └── example-walkthrough.md # Sample lesson breakdown
+├── api/
+│ ├── code-reference.md # Code documentation
+│ └── utilities.md # Helper functions
+└── contributing/
+ ├── guidelines.md # Contribution guidelines
+ ├── code-style.md # Coding standards
+ └── review-process.md # PR review process
+```
+
+#### **Implementation Plan**
+1. **Audit existing content** - catalog all lessons and code
+2. **Create documentation framework** - structured markdown files
+3. **Add interactive examples** - code snippets with explanations
+4. **Include setup guides** - environment configuration
+5. **Write contributor guide** - detailed contribution process
+
+---
+
+### 🔥 **High-Impact Issue #2: Confusion Matrix Fix**
+**Issue**: [Wrong False Negative Definition](https://github.com/microsoft/ML-For-Beginners/issues/825)
+
+#### **Problem Explanation**
+The current definition of "False Negative" in the Confusion Matrix lesson is incorrect:
+- **Current (Wrong)**: False Negative = Model predicts positive when actual is negative
+- **Correct**: False Negative = Model predicts negative when actual is positive
+
+This error can mislead beginners learning fundamental ML concepts.
+
+#### **Suggested Solution**
+```python
+# Correct Confusion Matrix Implementation
+import numpy as np
+import matplotlib.pyplot as plt
+from sklearn.metrics import confusion_matrix, classification_report
+
+def create_confusion_matrix_tutorial():
+ """
+ Comprehensive confusion matrix tutorial with correct definitions
+ """
+
+ # Example predictions vs actual
+ y_true = [1, 0, 1, 1, 0, 1, 0, 0, 1, 0]
+ y_pred = [1, 0, 0, 1, 0, 1, 1, 0, 1, 0]
+
+ # Create confusion matrix
+ cm = confusion_matrix(y_true, y_pred)
+
+ # CORRECT DEFINITIONS:
+ tn, fp, fn, tp = cm.ravel()
+
+ print("📊 Confusion Matrix Breakdown:")
+ print(f"True Positives (TP): {tp}")
+ print(f"True Negatives (TN): {tn}")
+ print(f"False Positives (FP): {fp} - Model predicted POSITIVE when actual was NEGATIVE")
+ print(f"False Negatives (FN): {fn} - Model predicted NEGATIVE when actual was POSITIVE")
+
+ # Calculate metrics
+ accuracy = (tp + tn) / (tp + tn + fp + fn)
+ precision = tp / (tp + fp)
+ recall = tp / (tp + fn)
+
+ return cm, accuracy, precision, recall
+
+# Add interactive visualization
+def plot_confusion_matrix_with_explanations(cm):
+ """Visual confusion matrix with detailed explanations"""
+ fig, ax = plt.subplots(figsize=(10, 8))
+ im = ax.imshow(cm, interpolation='nearest', cmap=plt.cm.Blues)
+ ax.figure.colorbar(im, ax=ax)
+
+ # Add labels and explanations
+ classes = ['Negative', 'Positive']
+ ax.set(xticks=np.arange(cm.shape[1]),
+ yticks=np.arange(cm.shape[0]),
+ xticklabels=classes, yticklabels=classes,
+ title='Confusion Matrix with Correct Definitions',
+ ylabel='True Label',
+ xlabel='Predicted Label')
+
+ # Add text annotations
+ thresh = cm.max() / 2.
+ for i in range(cm.shape[0]):
+ for j in range(cm.shape[1]):
+ ax.text(j, i, format(cm[i, j], 'd'),
+ ha="center", va="center",
+ color="white" if cm[i, j] > thresh else "black")
+
+ plt.tight_layout()
+ return fig
+```
+
+---
+
+## 🥈 **PRIORITY 2: Microsoft Recommenders**
+**Repository**: https://github.com/microsoft/recommenders
+**Focus**: Advanced recommendation systems
+
+### 🔥 **High-Impact Issue: Deep Learning Model Implementation**
+**Potential Contribution**: Implement transformer-based recommender system
+
+#### **Problem Explanation**
+Current recommender systems in the repo focus on traditional collaborative filtering and matrix factorization. There's growing demand for:
+- Transformer-based recommendation models
+- Sequential recommendation systems
+- Multi-modal recommendation approaches
+
+#### **Suggested Solution**
+```python
+# Transformer-Based Recommender Implementation
+import torch
+import torch.nn as nn
+from torch.nn import Transformer
+import pandas as pd
+import numpy as np
+
+class TransformerRecommender(nn.Module):
+ """
+ Transformer-based recommendation system for sequential user behavior
+ """
+
+ def __init__(self, vocab_size, d_model=512, nhead=8, num_layers=6, max_seq_len=100):
+ super().__init__()
+ self.d_model = d_model
+ self.embedding = nn.Embedding(vocab_size, d_model)
+ self.pos_encoding = PositionalEncoding(d_model, max_seq_len)
+ self.transformer = Transformer(
+ d_model=d_model,
+ nhead=nhead,
+ num_encoder_layers=num_layers,
+ num_decoder_layers=num_layers,
+ batch_first=True
+ )
+ self.output_layer = nn.Linear(d_model, vocab_size)
+
+ def forward(self, src, tgt):
+ # Embed and add positional encoding
+ src_emb = self.pos_encoding(self.embedding(src))
+ tgt_emb = self.pos_encoding(self.embedding(tgt))
+
+ # Transformer forward pass
+ output = self.transformer(src_emb, tgt_emb)
+
+ # Output projection
+ return self.output_layer(output)
+
+class PositionalEncoding(nn.Module):
+ """Positional encoding for transformer"""
+
+ def __init__(self, d_model, max_len=5000):
+ super().__init__()
+ pe = torch.zeros(max_len, d_model)
+ position = torch.arange(0, max_len, dtype=torch.float).unsqueeze(1)
+ div_term = torch.exp(torch.arange(0, d_model, 2).float() *
+ (-np.log(10000.0) / d_model))
+ pe[:, 0::2] = torch.sin(position * div_term)
+ pe[:, 1::2] = torch.cos(position * div_term)
+ self.register_buffer('pe', pe.unsqueeze(0))
+
+ def forward(self, x):
+ return x + self.pe[:, :x.size(1)]
+
+# Example usage and training loop
+def train_transformer_recommender():
+ """Complete training pipeline for transformer recommender"""
+
+ # Initialize model
+ model = TransformerRecommender(vocab_size=10000)
+ optimizer = torch.optim.Adam(model.parameters(), lr=0.001)
+ criterion = nn.CrossEntropyLoss()
+
+ # Training loop implementation
+ for epoch in range(100):
+ # Load batch data
+ # Forward pass
+ # Calculate loss
+ # Backward pass
+ # Update weights
+ pass
+
+ return model
+```
+
+---
+
+## 🥉 **PRIORITY 3: Azure Machine Learning Notebooks**
+**Repository**: https://github.com/Azure/MachineLearningNotebooks
+**Focus**: Cloud ML integration
+
+### 🔥 **High-Impact Issue: MLOps Pipeline Examples**
+**Potential Contribution**: End-to-end MLOps pipeline with Azure ML
+
+#### **Problem Explanation**
+Many developers struggle with implementing complete MLOps workflows that include:
+- Automated model training
+- Model versioning and registry
+- Continuous deployment
+- Monitoring and retraining
+
+#### **Suggested Solution**
+```python
+# Complete MLOps Pipeline Implementation
+from azureml.core import Workspace, Environment, ScriptRunConfig
+from azureml.core.model import Model
+from azureml.pipeline.core import Pipeline, PipelineData
+from azureml.pipeline.steps import PythonScriptStep
+from azureml.core.compute import ComputeTarget, AmlCompute
+
+class MLOpsPipeline:
+ """
+ Complete MLOps pipeline for Azure ML
+ """
+
+ def __init__(self, workspace, compute_target):
+ self.ws = workspace
+ self.compute_target = compute_target
+ self.env = self._create_environment()
+
+ def _create_environment(self):
+ """Create ML environment with dependencies"""
+ env = Environment.from_conda_specification(
+ name="mlops-env",
+ file_path="environment.yml"
+ )
+ return env
+
+ def create_training_pipeline(self):
+ """Create automated training pipeline"""
+
+ # Data preparation step
+ data_prep_step = PythonScriptStep(
+ script_name="data_preparation.py",
+ compute_target=self.compute_target,
+ environment=self.env,
+ allow_reuse=False
+ )
+
+ # Model training step
+ training_step = PythonScriptStep(
+ script_name="train_model.py",
+ compute_target=self.compute_target,
+ environment=self.env,
+ inputs=[data_prep_step.outputs['processed_data']],
+ allow_reuse=False
+ )
+
+ # Model evaluation step
+ evaluation_step = PythonScriptStep(
+ script_name="evaluate_model.py",
+ compute_target=self.compute_target,
+ environment=self.env,
+ inputs=[training_step.outputs['trained_model']],
+ allow_reuse=False
+ )
+
+ # Create pipeline
+ pipeline = Pipeline(
+ workspace=self.ws,
+ steps=[data_prep_step, training_step, evaluation_step]
+ )
+
+ return pipeline
+
+ def deploy_model(self, model_name):
+ """Deploy model with monitoring"""
+
+ # Register model
+ model = Model.register(
+ workspace=self.ws,
+ model_name=model_name,
+ model_path="outputs/model.pkl"
+ )
+
+ # Create deployment configuration
+ # Deploy to AKS or ACI
+ # Set up monitoring
+
+ return model
+
+# Example notebook implementation
+def create_mlops_notebook():
+ """Create comprehensive MLOps notebook"""
+
+ notebook_content = """
+ # Complete MLOps Pipeline with Azure ML
+
+ ## 1. Setup and Configuration
+ ## 2. Data Pipeline Creation
+ ## 3. Model Training Automation
+ ## 4. Model Deployment
+ ## 5. Monitoring and Alerts
+ ## 6. Continuous Integration/Deployment
+ """
+
+ return notebook_content
+```
+
+---
+
+## 📋 **Implementation Timeline**
+
+### **Week 1-2: Priority 1 (ML-For-Beginners)**
+- [ ] Fork repository and set up development environment
+- [ ] Create documentation structure
+- [ ] Fix confusion matrix definition
+- [ ] Write comprehensive setup guides
+- [ ] Submit PR with tests and examples
+
+### **Week 3-4: Priority 2 (Recommenders)**
+- [ ] Research transformer-based recommendation systems
+- [ ] Implement transformer recommender model
+- [ ] Create example notebooks and tutorials
+- [ ] Write unit tests and benchmarks
+- [ ] Submit PR with documentation
+
+### **Week 5-6: Priority 3 (Azure ML Notebooks)**
+- [ ] Design complete MLOps pipeline
+- [ ] Implement automated training workflow
+- [ ] Create deployment and monitoring examples
+- [ ] Write comprehensive documentation
+- [ ] Submit PR with full example
+
+---
+
+## 📊 **Contribution Tracking Template**
+
+| Project | Issue | PR Link | Status | Impact Score |
+|---------|-------|---------|--------|--------------|
+| ML-For-Beginners | Documentation | TBD | In Progress | High |
+| ML-For-Beginners | Confusion Matrix Fix | TBD | Planned | Medium |
+| Recommenders | Transformer Model | TBD | Planned | High |
+| Azure ML Notebooks | MLOps Pipeline | TBD | Planned | High |
+
+---
+
+## 🚀 **Next Steps**
+
+1. **Choose your priority project** from the list above
+2. **Set up development environment** for the selected repository
+3. **Start with the highest impact issue** that matches your expertise
+4. **Follow the detailed implementation plan** provided
+5. **Track progress** using the contribution template
+
+Would you like me to help you get started with any of these specific contributions?
diff --git a/contribution_tracker.md b/contribution_tracker.md
new file mode 100644
index 0000000..e429c1d
--- /dev/null
+++ b/contribution_tracker.md
@@ -0,0 +1,211 @@
+# 📈 Open Source Contribution Tracker
+
+## 🎯 Current Goals
+**Target**: 3 high-impact AI/ML contributions to Microsoft's open-source ecosystem
+**Timeline**: 6 weeks
+**Focus Areas**: Python, AI/ML, Cloud Infrastructure
+
+---
+
+## 📊 Active Contributions
+
+### 🟡 **IN PROGRESS**
+
+| **Project** | **Issue** | **Type** | **Difficulty** | **Impact** | **Status** |
+|-------------|-----------|----------|----------------|------------|------------|
+| ML-For-Beginners | [Documentation Enhancement #835](https://github.com/microsoft/ML-For-Beginners/issues/835) | Documentation | Medium | High | Planning |
+| ML-For-Beginners | [Confusion Matrix Fix #825](https://github.com/microsoft/ML-For-Beginners/issues/825) | Bug Fix | Easy | Medium | Ready to Start |
+
+### 🟢 **PLANNED**
+
+| **Project** | **Issue** | **Type** | **Difficulty** | **Impact** | **Target Week** |
+|-------------|-----------|----------|----------------|------------|-----------------|
+| Recommenders | Transformer Model Implementation | Feature | Hard | High | Week 3-4 |
+| Azure ML Notebooks | MLOps Pipeline Example | Tutorial | Medium | High | Week 5-6 |
+
+### ✅ **COMPLETED**
+
+| **Project** | **Issue** | **PR Link** | **Commit ID** | **Merged Date** | **Impact** |
+|-------------|-----------|-------------|---------------|-----------------|------------|
+| *None yet* | *First contribution pending* | - | - | - | - |
+
+---
+
+## 🚀 **Contribution Details**
+
+### **Priority 1: ML-For-Beginners Documentation**
+- **Repository**: https://github.com/microsoft/ML-For-Beginners
+- **Issue**: https://github.com/microsoft/ML-For-Beginners/issues/835
+- **My Role**: Lead Documentation Developer
+- **Scope**:
+ - Create comprehensive documentation framework
+ - Add setup guides and contributor guidelines
+ - Include interactive code examples
+ - Ensure beginner-friendly explanations
+- **Estimated Impact**: High (will help hundreds of learners and contributors)
+
+**Technical Approach**:
+```markdown
+docs/
+├── README.md (Main documentation hub)
+├── getting-started/ (Setup and installation)
+├── lessons/ (Lesson structure guides)
+├── api/ (Code reference documentation)
+└── contributing/ (Contribution guidelines)
+```
+
+### **Priority 2: Confusion Matrix Bug Fix**
+- **Repository**: https://github.com/microsoft/ML-For-Beginners
+- **Issue**: https://github.com/microsoft/ML-For-Beginners/issues/825
+- **My Role**: Bug Fix Developer
+- **Scope**:
+ - Correct False Negative definition
+ - Add comprehensive confusion matrix tutorial
+ - Include interactive examples with visualizations
+ - Add unit tests to prevent regression
+- **Estimated Impact**: Medium (corrects fundamental ML concept for learners)
+
+**Technical Fix**:
+```python
+# CORRECT: False Negative = Model predicts NEGATIVE when actual is POSITIVE
+# Example: Cancer test says "no cancer" but patient actually has cancer
+```
+
+### **Priority 3: Transformer Recommender Model**
+- **Repository**: https://github.com/microsoft/recommenders
+- **Issue**: To be created - "Implement Transformer-based Recommender"
+- **My Role**: ML Engineer / Feature Developer
+- **Scope**:
+ - Implement transformer architecture for recommendations
+ - Create sequential recommendation pipeline
+ - Add comprehensive notebook tutorials
+ - Include benchmarking against existing models
+- **Estimated Impact**: High (adds state-of-the-art recommendation capability)
+
+### **Priority 4: MLOps Pipeline Tutorial**
+- **Repository**: https://github.com/Azure/MachineLearningNotebooks
+- **Issue**: To be created - "End-to-end MLOps Pipeline Example"
+- **My Role**: Cloud ML Engineer
+- **Scope**:
+ - Create complete MLOps workflow
+ - Include automated training, deployment, monitoring
+ - Add CI/CD integration examples
+ - Provide Azure ML best practices
+- **Estimated Impact**: High (helps teams implement production ML systems)
+
+---
+
+## 📅 **Weekly Progress Timeline**
+
+### **Week 1** (Current)
+- [x] Identify target repositories and issues
+- [x] Create contribution plan and tracking system
+- [ ] Fork ML-For-Beginners repository
+- [ ] Set up development environment
+- [ ] Start documentation framework
+
+### **Week 2**
+- [ ] Complete documentation structure
+- [ ] Fix confusion matrix definition bug
+- [ ] Submit first PR for documentation
+- [ ] Begin code review process
+
+### **Week 3**
+- [ ] Start transformer recommender research
+- [ ] Design model architecture
+- [ ] Begin implementation
+- [ ] Create project proposal issue
+
+### **Week 4**
+- [ ] Complete transformer model implementation
+- [ ] Write comprehensive tests
+- [ ] Create tutorial notebook
+- [ ] Submit transformer recommender PR
+
+### **Week 5**
+- [ ] Design MLOps pipeline architecture
+- [ ] Implement automated training workflow
+- [ ] Add deployment and monitoring
+- [ ] Create comprehensive documentation
+
+### **Week 6**
+- [ ] Complete MLOps pipeline tutorial
+- [ ] Add CI/CD integration examples
+- [ ] Submit final PR
+- [ ] Document lessons learned
+
+---
+
+## 🏆 **Success Metrics**
+
+### **Quantitative Goals**
+- **3** merged pull requests
+- **500+** lines of quality code contributed
+- **3** comprehensive tutorials/documentation pages
+- **10+** interactive code examples
+
+### **Qualitative Goals**
+- **Educational Impact**: Help beginner ML practitioners learn effectively
+- **Technical Advancement**: Add state-of-the-art capabilities to open-source tools
+- **Community Building**: Engage with maintainers and other contributors
+- **Skill Development**: Deepen expertise in ML, documentation, and open-source practices
+
+### **Recognition Targets**
+- Get featured in project newsletters/announcements
+- Receive positive feedback from maintainers
+- Help other contributors with related issues
+- Build reputation in AI/ML open-source community
+
+---
+
+## 🔧 **Development Setup Checklist**
+
+### **General Setup**
+- [ ] Configure Git with proper credentials
+- [ ] Set up SSH keys for GitHub
+- [ ] Install Python development environment
+- [ ] Configure code editor with linting/formatting
+
+### **Project-Specific Setup**
+- [ ] Fork target repositories
+- [ ] Clone repositories locally
+- [ ] Install project dependencies
+- [ ] Run existing tests to ensure setup
+- [ ] Read CONTRIBUTING.md guidelines
+
+### **Quality Assurance**
+- [ ] Set up pre-commit hooks
+- [ ] Configure linting (flake8, black, isort)
+- [ ] Install testing frameworks (pytest)
+- [ ] Set up coverage reporting
+
+---
+
+## 📞 **Contact and Collaboration**
+
+### **Maintainer Engagement**
+- **Strategy**: Engage early and often with maintainers
+- **Approach**: Ask questions, provide updates, seek feedback
+- **Communication**: Use GitHub issues, discussions, and PR comments
+
+### **Community Involvement**
+- **Participate**: Join project discussions and community calls
+- **Support**: Help other contributors with similar issues
+- **Share**: Document learning and best practices
+
+### **Follow-up Plans**
+- **Long-term**: Become regular contributor to selected projects
+- **Mentoring**: Help onboard other new contributors
+- **Speaking**: Present about contributions at meetups/conferences
+
+---
+
+## 🎯 **Next Immediate Actions**
+
+1. **Choose Priority 1 or 2** to start with (recommend starting with Confusion Matrix fix for quick win)
+2. **Fork the ML-For-Beginners repository**
+3. **Set up local development environment**
+4. **Create first branch and start coding**
+5. **Engage with maintainers** on the selected issue
+
+**Ready to begin?** Let me know which issue you'd like to tackle first, and I'll provide detailed implementation guidance!
From ef013a62f9a8e5e7a59fc6bbece79d53df2e8d8d Mon Sep 17 00:00:00 2001
From: Richard Ogundele <63150179+richardogundele@users.noreply.github.com>
Date: Mon, 29 Dec 2025 22:22:32 +0000
Subject: [PATCH 2/2] Commit from Dualite Alpha:
---
.ci/python-keras-scoring.yml | 2 +-
.ci/python-ml-scoring.yml | 2 +-
.ci/python-ml-training.yml | 2 +-
.ci/realtime-serving-dl-dev.yml | 1 -
.ci/scripts/SetResource.ps1 | 2 +-
.ci/steps/DLAKSDeployAMLJob.yml | 2 -
.ci/steps/MLAKSDeployAMLJob.yml | 3 -
.ci/steps/MLBatchDeployAMLJob.yml | 1 -
.ci/steps/RecoPySparkRTS.yml | 1 -
.ci/steps/az-ml-realtime-score.yml | 2 -
.ci/steps/azpapermill.yml | 2 -
.ci/steps/azpapermill_iterator.yml | 2 -
.ci/steps/azure_r.yml | 1 -
.ci/steps/bash_r.yml | 1 -
.ci/steps/cleanuptask.yml | 1 -
.ci/steps/config_conda.yml | 2 -
.ci/steps/deploy_rts.yml | 1 -
.ci/steps/deploy_steps.yml | 1 -
.ci/steps/deploy_steps_v2.yml | 1 -
.ci/steps/docker_clean_step.yml | 1 -
.ci/steps/papermill.yml | 2 -
.ci/steps/reco_conda_clean_win.yml | 2 +-
.ci/steps/shorten_string.yml | 1 -
.docs/python_scoring.md | 2 +-
.docs/python_training.md | 2 +-
.github/ISSUE_TEMPLATE/scenario_request.md | 2 +-
.images/decision_python_scoring.png | Bin 39490 -> 52656 bytes
.images/demo.svg | 2 +-
.images/python_training_diag.png | Bin 71161 -> 94884 bytes
LICENSE | 4 +-
README.md | 2 +-
ai200-architectures/TrainDistributedDeepModel | 2 +-
index.html | 18 ++
package.json | 30 +++
postcss.config.js | 6 +
src/App.tsx | 29 +++
src/components/Footer.tsx | 18 ++
src/components/Hero.tsx | 52 +++++
src/components/Navbar.tsx | 32 +++
src/components/ResourceSection.tsx | 67 +++++++
src/data/resources.ts | 189 ++++++++++++++++++
src/index.css | 29 +++
tailwind.config.js | 30 +++
tsconfig.json | 25 +++
tsconfig.node.json | 10 +
vite.config.ts | 13 ++
46 files changed, 561 insertions(+), 39 deletions(-)
mode change 160000 => 100644 ai200-architectures/TrainDistributedDeepModel
create mode 100644 index.html
create mode 100644 package.json
create mode 100644 postcss.config.js
create mode 100644 src/App.tsx
create mode 100644 src/components/Footer.tsx
create mode 100644 src/components/Hero.tsx
create mode 100644 src/components/Navbar.tsx
create mode 100644 src/components/ResourceSection.tsx
create mode 100644 src/data/resources.ts
create mode 100644 src/index.css
create mode 100644 tailwind.config.js
create mode 100644 tsconfig.json
create mode 100644 tsconfig.node.json
create mode 100644 vite.config.ts
diff --git a/.ci/python-keras-scoring.yml b/.ci/python-keras-scoring.yml
index eec5c85..1936ae6 100644
--- a/.ci/python-keras-scoring.yml
+++ b/.ci/python-keras-scoring.yml
@@ -103,4 +103,4 @@ jobs:
fieldMappings: |
Description=Branch: Branch $(Build.SourceBranch) failed to build. Go to Boards>WorkItems and tag the failure type.
displayName: 'Create work item on failure'
- condition: failed()
\ No newline at end of file
+ condition: failed()
diff --git a/.ci/python-ml-scoring.yml b/.ci/python-ml-scoring.yml
index 55a6003..2c7697b 100644
--- a/.ci/python-ml-scoring.yml
+++ b/.ci/python-ml-scoring.yml
@@ -68,4 +68,4 @@ jobs:
fieldMappings: |
Description=Branch: Branch $(Build.SourceBranch) failed to build. Go to Boards>WorkItems and tag the failure type.
displayName: 'Create work item on failure'
- condition: failed()
\ No newline at end of file
+ condition: failed()
diff --git a/.ci/python-ml-training.yml b/.ci/python-ml-training.yml
index 74e4a10..938bc9a 100644
--- a/.ci/python-ml-training.yml
+++ b/.ci/python-ml-training.yml
@@ -115,4 +115,4 @@ jobs:
fieldMappings: |
Description=Branch: Branch $(Build.SourceBranch) failed to build. Go to Boards>WorkItems and tag the failure type.
displayName: 'Create work item on failure'
- condition: failed()
\ No newline at end of file
+ condition: failed()
diff --git a/.ci/realtime-serving-dl-dev.yml b/.ci/realtime-serving-dl-dev.yml
index 406a0f6..71a6544 100644
--- a/.ci/realtime-serving-dl-dev.yml
+++ b/.ci/realtime-serving-dl-dev.yml
@@ -1,4 +1,3 @@
-
# Starter pipeline
# Start with a minimal pipeline that you can customize to build and deploy your code.
# Add steps that build, run tests, deploy, and more:
diff --git a/.ci/scripts/SetResource.ps1 b/.ci/scripts/SetResource.ps1
index 74d74bd..e115a15 100644
--- a/.ci/scripts/SetResource.ps1
+++ b/.ci/scripts/SetResource.ps1
@@ -79,4 +79,4 @@ $clusterResources = Get-AzResource -ResourceType "Microsoft.ContainerService/man
foreach($cluster in $clusterResources)
{
Update-GroupResources -resGroup $cluster.Properties.nodeResourceGroup -tags $projectTags
-}
+}
diff --git a/.ci/steps/DLAKSDeployAMLJob.yml b/.ci/steps/DLAKSDeployAMLJob.yml
index 27798f4..45275fc 100644
--- a/.ci/steps/DLAKSDeployAMLJob.yml
+++ b/.ci/steps/DLAKSDeployAMLJob.yml
@@ -1,5 +1,3 @@
-
-
parameters:
azureSubscription: ''
azure_subscription: ''
diff --git a/.ci/steps/MLAKSDeployAMLJob.yml b/.ci/steps/MLAKSDeployAMLJob.yml
index f60b8a2..499c5b0 100644
--- a/.ci/steps/MLAKSDeployAMLJob.yml
+++ b/.ci/steps/MLAKSDeployAMLJob.yml
@@ -1,5 +1,3 @@
-
-
parameters:
azureSubscription: ''
azure_subscription: ''
@@ -93,4 +91,3 @@ steps:
conda: ${{parameters.conda}}
azureresourcegroup: ${{parameters.azureresourcegroup}}
doCleanup: ${{parameters.doCleanup}}
-
diff --git a/.ci/steps/MLBatchDeployAMLJob.yml b/.ci/steps/MLBatchDeployAMLJob.yml
index 4954761..7740dcf 100644
--- a/.ci/steps/MLBatchDeployAMLJob.yml
+++ b/.ci/steps/MLBatchDeployAMLJob.yml
@@ -1,4 +1,3 @@
-
parameters:
azureSubscription: ''
azure_subscription: ''
diff --git a/.ci/steps/RecoPySparkRTS.yml b/.ci/steps/RecoPySparkRTS.yml
index 2e4aa10..99ed88f 100644
--- a/.ci/steps/RecoPySparkRTS.yml
+++ b/.ci/steps/RecoPySparkRTS.yml
@@ -1,4 +1,3 @@
-
parameters:
azureSubscription: ''
azure_subscription: ''
diff --git a/.ci/steps/az-ml-realtime-score.yml b/.ci/steps/az-ml-realtime-score.yml
index 9fde99b..7cf25cd 100644
--- a/.ci/steps/az-ml-realtime-score.yml
+++ b/.ci/steps/az-ml-realtime-score.yml
@@ -1,5 +1,3 @@
-
-
parameters:
azureSubscription: ''
azure_subscription: ''
diff --git a/.ci/steps/azpapermill.yml b/.ci/steps/azpapermill.yml
index 48a3557..b450ea7 100644
--- a/.ci/steps/azpapermill.yml
+++ b/.ci/steps/azpapermill.yml
@@ -1,5 +1,3 @@
-
-
parameters:
notebook: 01_DataPrep.ipynb # defaults for any parameters that aren't specified
location: "x"
diff --git a/.ci/steps/azpapermill_iterator.yml b/.ci/steps/azpapermill_iterator.yml
index ccba492..0b78759 100644
--- a/.ci/steps/azpapermill_iterator.yml
+++ b/.ci/steps/azpapermill_iterator.yml
@@ -1,5 +1,3 @@
-
-
parameters:
notebooks: 01_DataPrep.ipynb # defaults for any parameters that aren't specified
location: "x"
diff --git a/.ci/steps/azure_r.yml b/.ci/steps/azure_r.yml
index f2675ef..f456352 100644
--- a/.ci/steps/azure_r.yml
+++ b/.ci/steps/azure_r.yml
@@ -1,4 +1,3 @@
-
parameters:
notebook: # defaults for any parameters that aren't specified
location: "."
diff --git a/.ci/steps/bash_r.yml b/.ci/steps/bash_r.yml
index 79f5ab0..a388b85 100644
--- a/.ci/steps/bash_r.yml
+++ b/.ci/steps/bash_r.yml
@@ -1,4 +1,3 @@
-
parameters:
notebook: # defaults for any parameters that aren't specified
location: "."
diff --git a/.ci/steps/cleanuptask.yml b/.ci/steps/cleanuptask.yml
index 4efc7bb..5f4d39e 100644
--- a/.ci/steps/cleanuptask.yml
+++ b/.ci/steps/cleanuptask.yml
@@ -22,4 +22,3 @@ steps:
echo Project resource group did not exist
fi
echo Done Cleanup
-
diff --git a/.ci/steps/config_conda.yml b/.ci/steps/config_conda.yml
index eb186ae..7aa15a3 100644
--- a/.ci/steps/config_conda.yml
+++ b/.ci/steps/config_conda.yml
@@ -1,4 +1,3 @@
-
parameters:
conda_location: .
azureSubscription: #
@@ -105,4 +104,3 @@ steps:
pip install -U "azureml-core<0.1.5" "azureml-contrib-services<0.1.5" "azureml-pipeline<0.1.5" \
--extra-index-url https://azuremlsdktestpypi.azureedge.net/sdk-release/master/588E708E0DF342C4A80BD954289657CF
-
diff --git a/.ci/steps/deploy_rts.yml b/.ci/steps/deploy_rts.yml
index df62962..5d27669 100644
--- a/.ci/steps/deploy_rts.yml
+++ b/.ci/steps/deploy_rts.yml
@@ -108,4 +108,3 @@ steps:
location: ${{parameters.location}}
azureSubscription: ${{parameters.azureSubscription}}
conda: ${{parameters.conda}}
-
diff --git a/.ci/steps/deploy_steps.yml b/.ci/steps/deploy_steps.yml
index 57be9d5..21b7ad3 100644
--- a/.ci/steps/deploy_steps.yml
+++ b/.ci/steps/deploy_steps.yml
@@ -73,4 +73,3 @@ steps:
ScriptArguments: '-resourceGroupName ''${{parameters.azureresourcegroup}}'' -tagId ''deployment-id'' -deploymentId ''${{parameters.deploymentguidtag}}'''
azurePowerShellVersion: 'LatestVersion'
displayName: 'Tag All Resources'
-
diff --git a/.ci/steps/deploy_steps_v2.yml b/.ci/steps/deploy_steps_v2.yml
index 7dfe404..0987152 100644
--- a/.ci/steps/deploy_steps_v2.yml
+++ b/.ci/steps/deploy_steps_v2.yml
@@ -85,4 +85,3 @@ steps:
ScriptArguments: '-resourceGroupName ''${{parameters.azureresourcegroup}}'' -tagId ''deployment-id'' -deploymentId ''${{parameters.deploymentguidtag}}'''
azurePowerShellVersion: 'LatestVersion'
displayName: 'Tag All Resources'
-
diff --git a/.ci/steps/docker_clean_step.yml b/.ci/steps/docker_clean_step.yml
index d5c4940..586a010 100644
--- a/.ci/steps/docker_clean_step.yml
+++ b/.ci/steps/docker_clean_step.yml
@@ -1,4 +1,3 @@
-
steps:
- script: |
docker stop $(docker ps -a -q)
diff --git a/.ci/steps/papermill.yml b/.ci/steps/papermill.yml
index 5f55f71..6ce82bc 100644
--- a/.ci/steps/papermill.yml
+++ b/.ci/steps/papermill.yml
@@ -1,5 +1,3 @@
-
-
parameters:
notebook: 01_DataPrep.ipynb # defaults for any parameters that aren't specified
location: "{{cookiecutter.project_name}}"
diff --git a/.ci/steps/reco_conda_clean_win.yml b/.ci/steps/reco_conda_clean_win.yml
index a9f60f0..c136939 100644
--- a/.ci/steps/reco_conda_clean_win.yml
+++ b/.ci/steps/reco_conda_clean_win.yml
@@ -17,4 +17,4 @@ steps:
del /q /S %LOCALAPPDATA%\Temp\*
for /d %%i in (%LOCALAPPDATA%\Temp\*) do @rmdir /s /q "%%i"
displayName: 'Remove Temp Files'
- condition: succeededOrFailed()
+ condition: succeededOrFailed()
diff --git a/.ci/steps/shorten_string.yml b/.ci/steps/shorten_string.yml
index 8bdd17d..c5b3cc8 100644
--- a/.ci/steps/shorten_string.yml
+++ b/.ci/steps/shorten_string.yml
@@ -1,4 +1,3 @@
-
parameters:
Input_String: ""
Output_Variable: ""
diff --git a/.docs/python_scoring.md b/.docs/python_scoring.md
index 6c29cde..9f85450 100644
--- a/.docs/python_scoring.md
+++ b/.docs/python_scoring.md
@@ -4,4 +4,4 @@
f0i
zZ=EV3u)b~X&tbY{pLazZJnC4p(Tx}R`kc_h;@jk;QbhNS6@BweuhL?m=Pow*UhTy@
zEZY<;U+KOxE!>bv{nzJ9YQt%w<~f kt>p61sSnWkvd9p(XrLLNJxx{{S_a?krQtyfimo
z7>+*$1URR2dhy4q!eErRFVy95t;>(ReHCPDuEr$COysb;_>a=t3#lY`qRAP@A@uvg
zkqVk1e4xxy9ZIL++pAk0`x#~p7&9&dJr$L}ebcW6;TlT~Y9t;Z%@I!Y^WtfcGT%hR
zz)F99?(GqM_iZrPOP`TvJtl8zaI^v2&vIDdg>w5hZVTCJ0NoF}Xo3Zn#r^e1&*p@;!bpUgvSY`>nlRpX*OT+@Ji@cfYAN!>5KfF}u;8
z4^}qhd6aNB
6E*r0uQ&O**0ps^J9avlCd{Cu(L!%MLEi&v@r@t;d~3fd>%iI<
zN~lEIU7
fDqQq?bsIMi1bbY=8cVtJZP2SN&zR#u-$-rE8M?txcd1=IzH
zSul(f;TxAs{gR9Gg{?^qfj*c+VWJ@b=;mg{X7E&?!@?4;xuzp88OuusSmMJ4B+=abzQgI;*I96
zKpxteEPVgsUe`*wvp?u~pn)7e*n4U-A#=`$OjL)7#k4~HJlQCZ(vA>MLayyeu?O-$
zC49`>W(=dD%nA?8n4MBuRP!7l8g4xUb11Uv1Bm`OH;MC&CB@sC5Elu2issa1Jj;*q
zA=yA)Zz`Co@jO<)Z<=!GH`vD<*Y$m9HcbQXW*U~kf}F!^HRjY{)7H)x$`T(fKtsI~
zWi1H7RXKM8_!RUcJhUJ78|P8u*YqRw=ihl8lK0f)pz)F&uvNRMBGPeRv6z>Ej*EW(
zo5frv3oPbb-)qACbm<{!fOS2;j?lt`hxoa&t(YMqsS&1~rUoo$-BGkSanq&G&oruK
zOw7c7Ylyo6eyyB}l?gEaSrbv&Si3=j8LoHp7p7?b?xT5zoH8ko%J~sJq+FV#tEED4
zm)-L>hM`2q9rLq#zt~;~6r6W?LF5-1aGo_34Vd5kb%id%P<335F@Dj0EA%qAGy}v`
z4Dsaa*)cu%CR*Y&6sV<3l7Yv21e5|3i=g&34cvaCv0gD@{o&~WzyVCblwlJs6Rcyb
zY%4ibut!R$=O-BuU^_=fmk`bY-?eJ#;Kh53hYDM=IN-x
?A*b<|vWo$!E=u??9eg5lYFv$tkDDE>k)x=D_0`hTyjBF$ljXhyy|;2$
z;cg#BKqr4>rGI8zjbu62j^J>=u!Txu&veqiXFT0`NLy16b<|P=_B7wbDypHbGz@bJ
z4f=tBOh$-dP9Xr!6|Ey=M2v|lGkxn17S0);Xs8J