Ce diaporama a bien été signalé.
Le téléchargement de votre SlideShare est en cours. ×

Apprentissage statistique et analyse prédictive en Python avec scikit-learn par Alexandre GRAMFORT

Publicité
Publicité
Publicité
Publicité
Publicité
Publicité
Publicité
Publicité
Publicité
Publicité
Publicité
Publicité

Consultez-les par la suite

1 sur 15 Publicité

Apprentissage statistique et analyse prédictive en Python avec scikit-learn par Alexandre GRAMFORT

Télécharger pour lire hors ligne

Avec plus de 300 000 utilisateurs réguliers, scikit-learn (http://scikit-learn.org) est la librairie de référence pour le machine learning en Python. scikit-learn couvre l’apprentissage supervisé (régression, classification) et non-supervisé (clustering, détection d’anomalie, réduction de dimension) scikit-learn est construit sur l’écosystème du Python scientifique Numpy, Scipy et Cython.

Avec plus de 300 000 utilisateurs réguliers, scikit-learn (http://scikit-learn.org) est la librairie de référence pour le machine learning en Python. scikit-learn couvre l’apprentissage supervisé (régression, classification) et non-supervisé (clustering, détection d’anomalie, réduction de dimension) scikit-learn est construit sur l’écosystème du Python scientifique Numpy, Scipy et Cython.

Publicité
Publicité

Plus De Contenu Connexe

Diaporamas pour vous (20)

Similaire à Apprentissage statistique et analyse prédictive en Python avec scikit-learn par Alexandre GRAMFORT (20)

Publicité

Plus par La Cuisine du Web (20)

Plus récents (20)

Publicité

Apprentissage statistique et analyse prédictive en Python avec scikit-learn par Alexandre GRAMFORT

  1. 1. scikit-learn From Zero to Hero! Alexandre Gramfort http://alexandre.gramfort.net GitHub : @agramfort Twitter : @agramfort
  2. 2. is ML library in but what is machine learning?
  3. 3. Artificial Intelligence Predictive Modeling (Data Analytics) Self-driving cars IBM Watson Movie recommendations Predictive Maintenance Slide courtesy of @ogrisel
  4. 4. Artificial Intelligence Hand-crafted symbolic reasoning systems Machine Learning Predictive Modeling (Data Analytics) Slide courtesy of @ogrisel
  5. 5. Artificial Intelligence Hand-crafted symbolic reasoning systems Machine Learning Deep Learning Predictive Modeling (Data Analytics) Slide courtesy of @ogrisel
  6. 6. statistical machine learning is one (very effective) way to solve AI problems Definition: Machine learning consists in teaching a computer to make decisions based on examples
  7. 7. http://scikit-learn.org • > 21500 followers and 11500 forks on github.com • 474k entries on google.com Source: https://www.openhub.net/p/scikit-learn Funding:
  8. 8. http://scikit-learn.org/stable/testimonials/testimonials.html • Installed on 1% of debian systems • 1200 job offers on Stack-Overflow • Users: 60% academics & 40% industry • > 400,000 regular users (web stats) scikit-learn impact: education, research, industry
  9. 9. Machine LearningTaxonomy Machine Learning Supervised learning Regression Classification Ranking Unsupervised learning Clustering Dimensionality Reduction Anomaly Detection
  10. 10. A first “supervised learning” example import matplotlib.pyplot as plt from sklearn import datasets, svm # Load data digits = datasets.load_digits() n_samples = len(digits.images) data = digits.images.reshape((n_samples, -1)) # Learn classifier = svm.SVC() classifier.fit(data[:n_samples/2], digits.target[:n_samples/2]) # Predict and plot for index, image in enumerate(digits.images[n_samples//2:n_samples//2+4]): plt.subplot(1, 4, index) plt.imshow(image, cmap=plt.cm.gray_r) plt.title('Prediction: %i' % classifier.predict(image.ravel()), fontsize=20) Classification of images of digits in a few lines of code powerful yet easy!
  11. 11. the (supervised learning) API >>> from sklearn import Model >>> model = Model(param1=1e-8, param2=“auto") >>> print(model.param2) "auto" >>> model.fit(X_train, y_train) # learn from training data >>> y_pred = model.predict(X_test) # predict from new data >>> model.score(X_test, y_test) # evaluate performance new data 0.96 API: fit, predict, score
  12. 12. the (unsupervised learning) API >>> from sklearn import Model >>> model = Model(param1=1e-8, param2=“auto") >>> print(model.param2) "auto" >>> model.fit(X) # learn from training data (no y) >>> Xt = model.transform(X) # transform new or same data API: fit, transform
  13. 13. Alex Gramfort Machine Learning with Scikit-Learn What to do with scikit-learn? 13 • Trees / Random Forest • SVM • Ridge Regression • Logistic regression • Nearest Neighbors • LDA / GDA • Canonical component analysis • Partial Least Squares • Naive Bayes • Gaussian process • Lasso (sparse models) • Clustering: • Mean-shift • Affinity propagation • Hierarchical Clustering • K-Means • Gaussian mixtures • DBSCAN / BIRCH • Factorization / decomposition • PCA / ICA / NMF • Latent Dirichlet Allocation • Dictionary learning Supervised Unsupervised • Dimensionality Reduction: • PCA • Manifold learning • TSNE • Anomaly/Novelty detection • One-class SVM • Isolation Forest • Local Outlier Factor (LOF) http://scikit-learn.org/stable
  14. 14. Now some demos …
  15. 15. Alexandre Gramfort http://alexandre.gramfort.netContact: GitHub : @agramfort Twitter : @agramfort

×