πŸ‡«πŸ‡· Made in France

Discover France's Leading Open Source Projects: Explore top-notch open source initiatives hailing from the vibrant tech community of France.

TOP Jupyter Notebook Projects

1
pyannote/pyannote-audio

pyannote/pyannote-audio

Neural building blocks for speaker diarization: speech activity detection, speaker change detection, overlapped speech detection, speaker embedding
Jupyter Notebook
5,083
star
2
simoninithomas/Deep_reinforcement_learning_Course

simoninithomas/Deep_reinforcement_learning_Course

Implementations from the free course Deep Reinforcement Learning with Tensorflow and PyTorch
Jupyter Notebook
3,681
star
3
MAIF/shapash

MAIF/shapash

πŸ”… Shapash: User-friendly Explainability and Interpretability to Develop Reliable and Transparent Machine Learning Models
Jupyter Notebook
2,629
star
4
rom1504/clip-retrieval

rom1504/clip-retrieval

Easily compute clip embeddings and build a clip retrieval system with them
Jupyter Notebook
2,089
star
5
jbmouret/matplotlib_for_papers

jbmouret/matplotlib_for_papers

Handout for the tutorial "Creating publication-quality figures with matplotlib"
Jupyter Notebook
2,040
star
6
hadrienj/deepLearningBook-Notes

hadrienj/deepLearningBook-Notes

Notes on the Deep Learning book from Ian Goodfellow, Yoshua Bengio and Aaron Courville (2016)
Jupyter Notebook
1,763
star
7
ogrisel/parallel_ml_tutorial

ogrisel/parallel_ml_tutorial

Tutorial on scikit-learn and IPython for parallel machine learning
Jupyter Notebook
1,589
star
8
ELS-RD/kernl

ELS-RD/kernl

Kernl lets you run PyTorch transformer models several times faster on GPU with a single line of code, and is designed to be easily hackable.
Jupyter Notebook
1,459
star
9
m2dsupsdlclass/lectures-labs

m2dsupsdlclass/lectures-labs

Slides and Jupyter notebooks for the Deep Learning lectures at Master Year 2 Data Science from Institut Polytechnique de Paris
Jupyter Notebook
1,381
star
10
dataflowr/notebooks

dataflowr/notebooks

code for deep learning courses
Jupyter Notebook
1,054
star
11
The-AI-Summer/Deep-Learning-In-Production

The-AI-Summer/Deep-Learning-In-Production

Build, train, deploy, scale and maintain deep learning models. Understand ML infrastructure and MLOps using hands-on examples.
Jupyter Notebook
1,041
star
12
INRIA/scikit-learn-mooc

INRIA/scikit-learn-mooc

Machine learning in Python with scikit-learn MOOC
Jupyter Notebook
992
star
13
ipython-books/cookbook-code

ipython-books/cookbook-code

[DEPRECATED] See the new edition:
Jupyter Notebook
971
star
14
mxrch/penglab

mxrch/penglab

🐧 Abuse of Google Colab for cracking hashes.
Jupyter Notebook
826
star
15
maxjcohen/transformer

maxjcohen/transformer

Implementation of Transformer model (originally from Attention is All You Need) applied to Time Series.
Jupyter Notebook
811
star
16
diegoalejogm/gans

diegoalejogm/gans

Generative Adversarial Networks implemented in PyTorch and Tensorflow
Jupyter Notebook
799
star
17
gpeyre/numerical-tours

gpeyre/numerical-tours

Numerical Tours of Signal Processing
Jupyter Notebook
785
star
18
ipython-books/cookbook-2nd-code

ipython-books/cookbook-2nd-code

Code of the IPython Cookbook, Second Edition, by Cyrille Rossant, Packt Publishing 2018 [read-only repository]
Jupyter Notebook
711
star
19
cyrildiagne/instagram-3d-photo

cyrildiagne/instagram-3d-photo

A Chrome extension that adds a 3d photo effect to instagram pages.
Jupyter Notebook
675
star
20
poppy-project/poppy-humanoid

poppy-project/poppy-humanoid

Poppy Humanoid is an open-source and 3D printed humanoid robot. Optimized for research and education purposes, its modularity allows for a wide range of applications and experimentations.
Jupyter Notebook
611
star
21
Denis2054/Transformers-for-NLP-2nd-Edition

Denis2054/Transformers-for-NLP-2nd-Edition

Transformer models from BERT to GPT-4, environments from Hugging Face to OpenAI. Fine-tuning, training, and prompt engineering examples. A bonus section with ChatGPT, GPT-3.5-turbo, GPT-4, and DALL-E including jump starting GPT-4, speech-to-text, text-to-speech, text to image generation with DALL-E, Google Cloud AI,HuggingGPT, and more
Jupyter Notebook
611
star
22
acids-ircam/diffusion_models

acids-ircam/diffusion_models

A series of tutorial notebooks on denoising diffusion probabilistic models in PyTorch
Jupyter Notebook
607
star
23
ogrisel/notebooks

ogrisel/notebooks

Some sample IPython notebooks for scikit-learn
Jupyter Notebook
556
star
24
forax/java-guide

forax/java-guide

A guide of modern Java (Java 17)
Jupyter Notebook
534
star
25
bofenghuang/vigogne

bofenghuang/vigogne

French instruction-following and chat models
Jupyter Notebook
485
star
26
wbenbihi/hourglasstensorflow

wbenbihi/hourglasstensorflow

Tensorflow implementation of Stacked Hourglass Networks for Human Pose Estimation
Jupyter Notebook
480
star
27
nshaud/DeepNetsForEO

nshaud/DeepNetsForEO

Deep networks for Earth Observation
Jupyter Notebook
470
star
28
Tixierae/deep_learning_NLP

Tixierae/deep_learning_NLP

Keras, PyTorch, and NumPy Implementations of Deep Learning Architectures for NLP
Jupyter Notebook
434
star
29
retkowsky/Azure-OpenAI-demos

retkowsky/Azure-OpenAI-demos

Azure OpenAI (demos, documentation, accelerators).
Jupyter Notebook
428
star
30
MarcoForte/FBA_Matting

MarcoForte/FBA_Matting

Official repository for the paper F, B, Alpha Matting
Jupyter Notebook
424
star
31
adsieg/text_similarity

adsieg/text_similarity

Text Similarity
Jupyter Notebook
405
star
32
lium-lst/nmtpytorch

lium-lst/nmtpytorch

Sequence-to-Sequence Framework in PyTorch
Jupyter Notebook
392
star
33
White-Link/UnsupervisedScalableRepresentationLearningTimeSeries

White-Link/UnsupervisedScalableRepresentationLearningTimeSeries

Unsupervised Scalable Representation Learning for Multivariate Time Series: Experiments
Jupyter Notebook
384
star
34
SMPyBandits/SMPyBandits

SMPyBandits/SMPyBandits

πŸ”¬ Research Framework for Single and Multi-Players 🎰 Multi-Arms Bandits (MAB) Algorithms, implementing all the state-of-the-art algorithms for single-player (UCB, KL-UCB, Thompson...) and multi-player (MusicalChair, MEGA, rhoRand, MCTop/RandTopM etc).. Available on PyPI: https://pypi.org/project/SMPyBandits/ and documentation on
Jupyter Notebook
373
star
35
mratsim/Amazon-Forest-Computer-Vision

mratsim/Amazon-Forest-Computer-Vision

Amazon Forest Computer Vision: Satellite Image tagging code using PyTorch / Keras with lots of PyTorch tricks
Jupyter Notebook
363
star
36
PoCInnovation/Workshops

PoCInnovation/Workshops

Workshops organized to introduce students to security, AI, blockchain, AR/VR, hardware and software
Jupyter Notebook
355
star
37
ipython-books/minibook-2nd-code

ipython-books/minibook-2nd-code

Code of the IPython Minibook, 2nd edition (2015)
Jupyter Notebook
337
star
38
ArdalanM/pyLightGBM

ArdalanM/pyLightGBM

Python binding for Microsoft LightGBM
Jupyter Notebook
336
star
39
ahmedbesbes/cartoonify

ahmedbesbes/cartoonify

Deploy and scale serverless machine learning app - in 4 steps.
Jupyter Notebook
334
star
40
woctezuma/stable-diffusion-colab

woctezuma/stable-diffusion-colab

Colab notebook for Stable Diffusion Hyper-SDXL.
Jupyter Notebook
308
star
41
kelu124/echomods

kelu124/echomods

Open source ultrasound processing modules and building blocks
Jupyter Notebook
291
star
42
DocstringFr/la-formation-complete-python

DocstringFr/la-formation-complete-python

Code et ressources pour La Formation Complète Python
Jupyter Notebook
290
star
43
woctezuma/stylegan2-projecting-images

woctezuma/stylegan2-projecting-images

Projecting images to latent space with StyleGAN2.
Jupyter Notebook
288
star
44
YangtaoWANG95/TokenCut

YangtaoWANG95/TokenCut

(CVPR 2022) Pytorch implementation of "Self-supervised transformers for unsupervised object discovery using normalized cut"
Jupyter Notebook
286
star
45
thibo73800/tensorflow2.0-examples

thibo73800/tensorflow2.0-examples

Jupyter notebooks to help you started with tensorflow 2.0
Jupyter Notebook
268
star
46
gmonaci/ARIMA

gmonaci/ARIMA

Simple python example on how to use ARIMA models to analyze and predict time series.
Jupyter Notebook
267
star
47
ahmedbesbes/Neural-Network-from-scratch

ahmedbesbes/Neural-Network-from-scratch

Ever wondered how to code your Neural Network using NumPy, with no frameworks involved?
Jupyter Notebook
258
star
48
gtnx/pandas-highcharts

gtnx/pandas-highcharts

Beautiful charting of pandas.DataFrame with Highcharts
Jupyter Notebook
243
star
49
nikitakaraevv/pointnet

nikitakaraevv/pointnet

PyTorch implementation of "PointNet: Deep Learning on Point Sets for 3D Classification and Segmentation" https://arxiv.org/abs/1612.00593
Jupyter Notebook
243
star
50
tcapelle/timeseries_fastai

tcapelle/timeseries_fastai

fastai V2 implementation of Timeseries classification papers.
Jupyter Notebook
240
star
51
tjaskula/Coursera

tjaskula/Coursera

These are my learning exercices from Coursera
Jupyter Notebook
218
star
52
acids-ircam/creative_ml

acids-ircam/creative_ml

Creative Machine Learning course and notebook tutorials in JAX, PyTorch and Numpy
Jupyter Notebook
206
star
53
openfoodfacts/off-nutrition-table-extractor

openfoodfacts/off-nutrition-table-extractor

Important: Please have a look at the higher level issue in Robotoff: openfoodfacts/robotoff#372 This is an old model and we have made progress since then.
Jupyter Notebook
204
star
54
lewagon/data-kit

lewagon/data-kit

Devenez Data-Scientist sur Le Wagon On Demand
Jupyter Notebook
204
star
55
simoninithomas/CatDCGAN

simoninithomas/CatDCGAN

A DCGAN that generate Cat pictures πŸ±β€πŸ’»
Jupyter Notebook
201
star
56
MAIF/eurybia

MAIF/eurybia

βš“ Eurybia monitors model drift over time and securizes model deployment with data validation
Jupyter Notebook
200
star
57
fredokun/cl-jupyter

fredokun/cl-jupyter

An enhanced interactive Shell for Common Lisp (based on the Jupyter protocol)
Jupyter Notebook
197
star
58
imalikshake/StyleNet

imalikshake/StyleNet

A cute multi-layer LSTM that can perform like a human 🎢
Jupyter Notebook
190
star
59
jfpuget/LibFM_in_Keras

jfpuget/LibFM_in_Keras

This notebook shows how to implement LibFM in Keras and how it was used in the Talking Data competition on Kaggle.
Jupyter Notebook
188
star
60
Joseph94m/MCMC

Joseph94m/MCMC

Implementation of Markov Chain Monte Carlo in Python from scratch
Jupyter Notebook
183
star
61
tpaviot/pythonocc-demos

tpaviot/pythonocc-demos

Examples and demos for the pythonocc CAD package
Jupyter Notebook
183
star
62
qanastek/HugsVision

qanastek/HugsVision

HugsVision is a easy to use huggingface wrapper for state-of-the-art computer vision
Jupyter Notebook
177
star
63
thibo73800/capsnet-traffic-sign-classifier

thibo73800/capsnet-traffic-sign-classifier

A Tensorflow implementation of CapsNet(Capsules Net) apply on german traffic sign dataset
Jupyter Notebook
177
star
64
poppy-project/poppy-ergo-jr

poppy-project/poppy-ergo-jr

πŸ€– Poppy Ergo Jr is an open-source robotic arm based on modular 3D printed conception and low-cost XL-320 motors.
Jupyter Notebook
177
star
65
BilHim/minecraft-world-generation

BilHim/minecraft-world-generation

Replicating Minecraft World Generation inΒ Python
Jupyter Notebook
175
star
66
pylayers/pylayers

pylayers/pylayers

PyLayers is a Python platform for Site Specific Radio Propagation Simulation for Evaluating Indoor Localization algorithms using UWB radio signals including Human Indoor Mobility
Jupyter Notebook
172
star
67
tcapelle/apple_m1_pro_python

tcapelle/apple_m1_pro_python

A collection of ML scripts to test the M1 Pro MacBook Pro
Jupyter Notebook
165
star
68
medialab/ipysigma

medialab/ipysigma

A Jupyter widget using sigma.js to render interactive networks.
Jupyter Notebook
164
star
69
thibo73800/aihub

thibo73800/aihub

I use this repository for my Youtube channel where I share videos about Artificial Intelligence. The repository includes Machine Learning, Deep Learning, and Reinforcement learning's code.
Jupyter Notebook
163
star
70
avidale/compress-fasttext

avidale/compress-fasttext

Tools for shrinking fastText models (in gensim format)
Jupyter Notebook
160
star
71
christophebourguignat/notebooks

christophebourguignat/notebooks

Jupyter Notebook
160
star
72
acids-ircam/pytorch_flows

acids-ircam/pytorch_flows

Implementation and tutorials of normalizing flows with the novel distributions module
Jupyter Notebook
158
star
73
DonsetPG/narya

DonsetPG/narya

The Narya API allows you track soccer player from camera inputs, and evaluate them with an Expected Discounted Goal (EDG) Agent. This repository contains the implementation of the flowing paper https://arxiv.org/abs/2101.05388. We also make available all of our pretrained agents, and the datasets we used as well.
Jupyter Notebook
153
star
74
jfpuget/Kaggle

jfpuget/Kaggle

My solution to Web Traffic Predictions competition on Kaggle.
Jupyter Notebook
149
star
75
mortendahl/privateml

mortendahl/privateml

Various material around private machine learning, some associated with blog
Jupyter Notebook
147
star
76
TheophileBlard/french-sentiment-analysis-with-bert

TheophileBlard/french-sentiment-analysis-with-bert

How good is BERT ? Comparing BERT to other state-of-the-art approaches on a French sentiment analysis dataset
Jupyter Notebook
143
star
77
SJD1882/MOOC-Coursera-Advanced-Machine-Learning

SJD1882/MOOC-Coursera-Advanced-Machine-Learning

Content from Coursera's ADVANCED MACHINE LEARNING Specialization (Deep Learning, Bayesian Methods, Natural Language Processing, Reinforcement Learning, Computer Vision).
Jupyter Notebook
142
star
78
Eomys/pyleecan

Eomys/pyleecan

Electrical engineering open-source software providing a user-friendly, unified, flexible simulation framework for the multiphysic design and optimization of electrical machines and drives
Jupyter Notebook
142
star
79
rom1504/image_embeddings

rom1504/image_embeddings

Using efficientnet to provide embeddings for retrieval
Jupyter Notebook
139
star
80
bayesimpact/bob-emploi

bayesimpact/bob-emploi

An application that provides personalized career and job search advice to jobseekers.
Jupyter Notebook
139
star
81
kelu124/un0rick

kelu124/un0rick

smallish ice40 / raspberrypi ultrasound hardware
Jupyter Notebook
136
star
82
alexis-jacq/Pytorch-Tutorials

alexis-jacq/Pytorch-Tutorials

Pytorch tutorials for Neural Style transfert
Jupyter Notebook
136
star
83
pollen-robotics/reachy-2019

pollen-robotics/reachy-2019

Open source interactive robot to explore real-world applications!
Jupyter Notebook
134
star
84
houssamzenati/Adversarially-Learned-Anomaly-Detection

houssamzenati/Adversarially-Learned-Anomaly-Detection

ALAD (Proceedings of IEEE ICDM 2018) official code
Jupyter Notebook
134
star
85
fotisk07/Deep-Learning-Coursera

fotisk07/Deep-Learning-Coursera

Projects from the Deep Learning Specialization from deeplearning.ai provided by Coursera
Jupyter Notebook
134
star
86
ashrefm/multi-label-soft-f1

ashrefm/multi-label-soft-f1

Train a multi-label image classifier with macro soft-F1 loss in TensorFlow 2.0
Jupyter Notebook
134
star
87
woctezuma/finetune-detr

woctezuma/finetune-detr

Fine-tune Facebook's DETR (DEtection TRansformer) on Colaboratory.
Jupyter Notebook
129
star
88
jilljenn/ktm

jilljenn/ktm

Knowledge Tracing Machines: Factorization Machines for Knowledge Tracing
Jupyter Notebook
129
star
89
valeoai/RADIal

valeoai/RADIal

Jupyter Notebook
125
star
90
zaccharieramzi/fastmri-reproducible-benchmark

zaccharieramzi/fastmri-reproducible-benchmark

Try several methods for MRI reconstruction on the fastmri dataset. Home to the XPDNet, runner-up of the 2020 fastMRI challenge.
Jupyter Notebook
124
star
91
Naereen/notebooks

Naereen/notebooks

πŸ““ A growing collection of Jupyter Notebooks written in Python, OCaml and Julia for science examples, algorithms, visualizations etc
Jupyter Notebook
119
star
92
diegoalejogm/Reinforcement-Learning

diegoalejogm/Reinforcement-Learning

Implementation of Reinforcement Learning algorithms in Python, based on Sutton's & Barto's Book (Ed. 2)
Jupyter Notebook
118
star
93
ahmedbesbes/How-to-score-0.8134-in-Titanic-Kaggle-Challenge

ahmedbesbes/How-to-score-0.8134-in-Titanic-Kaggle-Challenge

Solution of the Titanic Kaggle competition
Jupyter Notebook
117
star
94
kennedyCzar/STOCK-RETURN-PREDICTION-USING-KNN-SVM-GUASSIAN-PROCESS-ADABOOST-TREE-REGRESSION-AND-QDA

kennedyCzar/STOCK-RETURN-PREDICTION-USING-KNN-SVM-GUASSIAN-PROCESS-ADABOOST-TREE-REGRESSION-AND-QDA

Forecast stock prices using machine learning approach. A time series analysis. Employ the Use of Predictive Modeling in Machine Learning to Forecast Stock Return. Approach Used by Hedge Funds to Select Tradeable Stocks
Jupyter Notebook
116
star
95
SalvatoreRa/tutorial

SalvatoreRa/tutorial

Tutorials on machine learning, artificial intelligence, data science with math explanation and reusable code (in python and R)
Jupyter Notebook
115
star
96
baldassarreFe/graph-network-explainability

baldassarreFe/graph-network-explainability

Explainability techniques for Graph Networks, applied to a synthetic dataset and an organic chemistry task. Code for the workshop paper "Explainability Techniques for Graph Convolutional Networks" (ICML19)
Jupyter Notebook
114
star
97
Vicam/Unsupervised_Anomaly_Detection

Vicam/Unsupervised_Anomaly_Detection

A Notebook where I implement differents anomaly detection algorithms on a simple exemple. The goal was just to understand how the different algorithms works and their differents caracteristics.
Jupyter Notebook
113
star
98
MarcoForte/DeepInteractiveSegmentation

MarcoForte/DeepInteractiveSegmentation

Getting to 99% Accuracy in Interactive Segmentation and Interactive Training and Architecture for Deep Object Selection
Jupyter Notebook
111
star
99
RobotEdh/Yolov-4

RobotEdh/Yolov-4

Yolo v4 using TensorFlow 2.x
Jupyter Notebook
111
star
100
juliensimon/dlnotebooks

juliensimon/dlnotebooks

INACTIVE - please go to https://gitlab.com/juliensimon/dlnotebooks
Jupyter Notebook
110
star