Главная
Study mode:
on
You
History
Saved
In progress
0 courses
compleat
0 courses
#Art & Design
#Adobe
#ChatGPT
#GitHub
#XGBoost
YouTube
education
Showing:
40
courses
Sort by Relevancy
Highest rated
Lowest rated
Most recently added
Stanford University
Opioid Use Disorder Prediction Using AI and Existing Risk Models
0
rewiews
Comparative study on AI models for predicting opioid use disorder, showcasing superior performance of transformer-based AI over existing clinical tools and other machine learning approaches.
Add to list
16
Lesons
52 minutes
On-Demand
Free-Video
XGBoost
0
rewiews
Learn to implement XGBoost for regression and classification, explore its mathematical foundations, and master advanced optimizations in Python.
Add to list
5
Lesons
2 hours 30 minutes
On-Demand
Free-Video
MLOps World: Machine Learning in Production
From Concept to Production: Template for the Entire ML Journey - Part 1
0
rewiews
Develop a production-ready ML pipeline from concept to deployment using Python. Gain hands-on experience with data prep, model training, and deployment on Google Cloud Platform.
Add to list
1
Lesons
3 hours 47 minutes
On-Demand
Free-Video
MLOps World: Machine Learning in Production
From Concept to Production: Building a Production-Ready ML Pipeline - Part 2
0
rewiews
Develop a production-ready ML pipeline from concept to deployment using Python, Kubeflow, and Google Cloud Platform. Master data prep, model training, and orchestration techniques.
Add to list
1
Lesons
3 hours 28 minutes
On-Demand
Free-Video
MLOps World: Machine Learning in Production
Shopify's Machine Learning Platform Journey: Building Merlin with Open Source Tools
0
rewiews
Explore Shopify's journey in building Merlin, an open-source ML platform. Gain insights into the architecture, technologies, and tools used to scale machine learning work effectively.
Add to list
28
Lesons
48 minutes
On-Demand
Free-Video
MLOps World: Machine Learning in Production
Low Latency Neural Network Inference for ML Ranking Applications - Yelp Case Study
0
rewiews
Explore Yelp's ML platform overhaul for low-latency neural network inference in ranking applications. Learn about Tensorflow model training, deployment using MLEAP, and integration with Nrtsearch for improved performance.
Add to list
1
Lesons
39 minutes
On-Demand
Free-Video
MLOps World: Machine Learning in Production
Shopify's Machine Learning Platform Journey: Building Merlin with Open Source Tools
0
rewiews
Explore Shopify's journey in building Merlin, an open-source ML platform. Gain insights into the architecture, technologies, and tools used to scale machine learning work effectively.
Add to list
28
Lesons
48 minutes
On-Demand
Free-Video
Great Learning
Boosting
0
rewiews
Explore ensemble learning techniques like boosting to enhance machine learning performance. Learn about bias, variance, and popular algorithms for improved model accuracy and decision-making.
Add to list
14
Lesons
1 hour 44 minutes
On-Demand
Free-Video
Amazon SageMaker
0
rewiews
Learn to build, train, and deploy ML models using AWS SageMaker, covering notebook instances, S3 buckets, XGBoost algorithm, and endpoint predictions.
Add to list
7
Lesons
1 hour 30 minutes
On-Demand
Free-Video
The Machine Learning Engineer
MLOps: Databricks MLFlow y Optuna para Ajuste de Hiperparámetros - Español
0
rewiews
Optimiza modelos de machine learning con Databricks, MLflow y Optuna. Aprende técnicas de ajuste de hiperparámetros usando XGBoost en un entorno práctico.
Add to list
1
Lesons
40 minutes
On-Demand
Free-Video
The Machine Learning Engineer
MLOps MLFlow: Databricks y MLFlow Hyper-Parameter Tuning en Español
0
rewiews
Optimiza modelos de machine learning con Databricks y MLflow, utilizando Hyperopt y XGBoost para ajuste de hiperparámetros.
Add to list
1
Lesons
26 minutes
On-Demand
Free-Video
Google TechTalks
Improved Feature Importance Computation for Tree Models Based on the Banzhaf Value
0
rewiews
Explore advanced feature importance computation for tree models using the Banzhaf value, offering faster algorithms and improved numerical robustness compared to Shapley value-based methods.
Add to list
1
Lesons
53 minutes
On-Demand
Free-Video
Databricks
Scaling XGBoost for Thousands of Features with Databricks
0
rewiews
Scaling XGBoost for online advertising: Learn to handle thousands of features, optimize model training, and avoid common pitfalls in both Python and Scala implementations on Spark.
Add to list
25
Lesons
51 minutes
On-Demand
Free-Video
Julia Silge
Predict Housing Prices in Austin TX with Tidymodels and XGBoost
0
rewiews
Explore feature engineering for boosted tree models using Austin housing data. Learn to incorporate text information as indicator variables and tune models for accurate price predictions.
Add to list
18
Lesons
52 minutes
On-Demand
Free-Video
ACM SIGPLAN
FOLD-SE: An Efficient Rule-based Machine Learning Algorithm with Scalable Explainability
0
rewiews
Explore FOLD-SE, an efficient rule-based ML algorithm for classification tasks, offering scalable explainability and competitive performance with state-of-the-art methods.
Add to list
1
Lesons
37 minutes
On-Demand
Free-Video
Conf42
Balancing Speed and Accuracy in Model Development
0
rewiews
Explore strategies for optimizing machine learning model development, balancing speed and accuracy. Learn to assess business objectives, improve data quality, and select efficient features and models.
Add to list
28
Lesons
25 minutes
On-Demand
Free-Video
AutoML Seminars
MotherNet: A Foundational Hypernetwork for Tabular Classification
0
rewiews
Discover how MotherNet hypernetwork architecture revolutionizes tabular classification by generating optimized neural networks through in-context learning, offering faster training and competitive performance against XGBoost.
Add to list
1
Lesons
58 minutes
On-Demand
Free-Video
StatQuest with Josh Starmer
XGBoost in Python from Start to Finish
0
rewiews
Comprehensive guide to implementing XGBoost in Python, covering data preparation, model building, and optimization techniques for effective machine learning applications.
Add to list
11
Lesons
57 minutes
On-Demand
Free-Video
StatQuest with Josh Starmer
XGBoost Part 4 - Crazy Cool Optimizations
0
rewiews
Explore advanced XGBoost optimizations for large datasets, including approximate algorithms, parallel learning, and sparsity-aware techniques to enhance machine learning efficiency.
Add to list
12
Lesons
24 minutes
On-Demand
Free-Video
StatQuest with Josh Starmer
XGBoost Part 2 - Classification
0
rewiews
Learn how XGBoost trees are built for classification, covering similarity scores, gain, cover, pruning, and logistic regression in this advanced machine learning tutorial.
Add to list
13
Lesons
25 minutes
On-Demand
Free-Video
StatQuest with Josh Starmer
XGBoost Part 1 - Regression
0
rewiews
Explore XGBoost's unique regression trees, focusing on similarity scores, gain calculation, pruning, regularization, and making predictions in this comprehensive tutorial.
Add to list
12
Lesons
26 minutes
On-Demand
Free-Video
1littlecoder
AutoXGB - Automated ML with XGBoost + Optuna + FastAPI - Kaggle Demo
0
rewiews
Explore AutoXGB, a Python library for automated machine learning using XGBoost, Optuna, and FastAPI. Learn its parameters and application in a Kaggle competition.
Add to list
1
Lesons
24 minutes
On-Demand
Free-Video
1littlecoder
XGBoost and Data Leakage in Machine Learning - Day 14 of 30 Days of ML
0
rewiews
Explore XGBoost and data leakage in machine learning. Learn to build optimized models, prevent leakage issues, and enhance your ML skills with practical tutorials and exercises.
Add to list
1
Lesons
37 minutes
On-Demand
Free-Video
Julia Silge
Feature Engineering & Interpretability for XGBoost with Board Game Ratings
0
rewiews
Explore advanced modeling with board game ratings data: feature engineering, XGBoost tuning, and explainability methods for data-driven insights and predictive analysis.
Add to list
25
Lesons
48 minutes
On-Demand
Free-Video
Julia Silge
Tune XGBoost With Early Stopping to Predict Shelter Animal Status
0
rewiews
Learn to optimize xgboost models using early stopping techniques for predicting animal shelter outcomes, featuring practical examples and efficient coding strategies.
Add to list
7
Lesons
31 minutes
On-Demand
Free-Video
Julia Silge
Tuning XGBoost Using Tidymodels
0
rewiews
Optimize XGBoost models for beach volleyball match prediction using tidymodels, exploring data, tuning hyperparameters, and interpreting results.
Add to list
19
Lesons
51 minutes
On-Demand
Free-Video
Rob Mulla
Time Series Forecasting with XGBoost - Advanced Methods
0
rewiews
Explore advanced time series forecasting with XGBoost, covering outlier removal, cross-validation, lag features, and future predictions. Enhance your skills in handling complex time-dependent data for improved forecasting accuracy.
Add to list
8
Lesons
22 minutes
On-Demand
Free-Video
Rob Mulla
Time Series Forecasting with XGBoost - Use Python and Machine Learning to Predict Energy Consumption
0
rewiews
Learn to predict energy consumption using XGBoost and Python in this hands-on tutorial. Covers data preparation, feature engineering, model building, and forecasting techniques for time series analysis.
Add to list
6
Lesons
23 minutes
On-Demand
Free-Video
Nvidia
Boosted Trees and Deep Neural Networks for Better Recommender Systems
0
rewiews
Explore GPU-accelerated boosted trees and deep neural networks for building winning recommender systems, featuring insights from Kaggle Grandmasters on the ACM RecSys Challenge.
Add to list
6
Lesons
1 hour 11 minutes
On-Demand
Free-Video
Eran Feit
Object Classification Using VGG16 and XGBoost for Vehicle Classification with TensorFlow
0
rewiews
Learn to classify vehicles using VGG16 and XGBoost in TensorFlow. Covers data preparation, feature extraction, model training, and testing. Gain practical skills in object classification and deep learning.
Add to list
5
Lesons
32 minutes
On-Demand
Free-Video
Great Learning
Introduction to XGBoost - Machine Learning Tutorial
0
rewiews
Comprehensive tutorial on XGBoost: from basic principles to hands-on implementation. Learn gradient boosting, parameter tuning, and model evaluation for real-world machine learning applications.
Add to list
10
Lesons
1 hour 7 minutes
On-Demand
Free-Video
Rob Mulla
Machine Learning for NCAA Tournament Bracket Predictions
0
rewiews
Learn to build a machine learning model for predicting NCAA tournament outcomes, from data setup to final bracket creation, enhancing your predictive modeling skills and tournament strategy.
Add to list
10
Lesons
26 minutes
On-Demand
Free-Video
The Machine Learning Engineer
MLOps: Databricks MLFlow and Optuna Hyper-parameter Tuning
0
rewiews
Optimize XGBoost models using Databricks, MLflow, and Optuna for efficient hyperparameter tuning and improved machine learning workflows.
Add to list
1
Lesons
37 minutes
On-Demand
Free-Video
The Machine Learning Engineer
MLOps: Databricks and MLFlow Hyper-parameter Tuning for XGBoost Models
0
rewiews
Optimize machine learning models using Databricks and MLflow for hyperparameter tuning with XGBoost and HyperOpt.
Add to list
1
Lesons
56 minutes
On-Demand
Free-Video
PyCon US
XGBoost para clasificación - construyendo modelos precisos y eficientes
0
rewiews
Aprende a utilizar XGBoost para crear modelos de clasificación precisos y eficientes, explorando conceptos básicos, técnicas de construcción y evaluación, y ventajas clave de esta poderosa herramienta.
Add to list
1
Lesons
35 minutes
On-Demand
Free-Video
EuroPython Conference
Explaining Behavior of Machine Learning Models with ELI5 Library
0
rewiews
Explore techniques for interpreting and debugging ML models using eli5 library. Learn to explain linear models, decision trees, ensembles, and classifiers, improving trust and quality in ML solutions.
Add to list
1
Lesons
30 minutes
On-Demand
Free-Video
DigitalSreeni
What Is XGBoost and Is It Really Better Than Random Forest and Deep Learning?
0
rewiews
Explore XGBoost's advantages over Random Forest and Deep Learning, comparing performance and understanding its unique features for machine learning tasks.
Add to list
7
Lesons
21 minutes
On-Demand
Free-Video
Shaw Talebi
10 Decision Trees are Better Than 1 - Random Forest and AdaBoost
0
rewiews
Explore tree ensembles: Random Forest and AdaBoost. Learn bagging, boosting techniques, and their benefits. Apply knowledge to breast cancer prediction using example code.
Add to list
7
Lesons
17 minutes
On-Demand
Free-Video
Data Science Conference
MRI Brain Scan Classification Using FastSurfer, XGBoost and 3D CNNs
0
rewiews
Master medical image classification techniques using FastSurfer pipeline, XGBoost, and 3D CNNs for MRI brain scan analysis. Learn preprocessing steps and implement neural networks in PyTorch for advanced medical data analysis.
Add to list
1
Lesons
1 hour 20 minutes
On-Demand
Free-Video
Toronto Machine Learning Series (TMLS)
From Concept to Production - Template for the Entire Machine Learning Journey
0
rewiews
Develop a production-ready ML pipeline from concept to deployment, covering data prep, model training, and orchestration using Kubeflow on Google Cloud Platform's Vertex AI.
Add to list
1
Lesons
3 hours 3 minutes
On-Demand
Free-Video
load more...