๐Ÿ‡ซ๐Ÿ‡ท 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,789
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,712
star
4
rom1504/clip-retrieval

rom1504/clip-retrieval

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

jbmouret/matplotlib_for_papers

Handout for the tutorial "Creating publication-quality figures with matplotlib"
Jupyter Notebook
2,084
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,777
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,530
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,406
star
10
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,095
star
11
dataflowr/notebooks

dataflowr/notebooks

code for deep learning courses
Jupyter Notebook
1,084
star
12
INRIA/scikit-learn-mooc

INRIA/scikit-learn-mooc

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

ipython-books/cookbook-code

[DEPRECATED] See the new edition:
Jupyter Notebook
974
star
14
maxjcohen/transformer

maxjcohen/transformer

Implementation of Transformer model (originally from Attention is All You Need) applied to Time Series.
Jupyter Notebook
851
star
15
mxrch/penglab

mxrch/penglab

๐Ÿง Abuse of Google Colab for cracking hashes.
Jupyter Notebook
826
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
798
star
18
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
788
star
19
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
730
star
20
cyrildiagne/instagram-3d-photo

cyrildiagne/instagram-3d-photo

A Chrome extension that adds a 3d photo effect to instagram pages.
Jupyter Notebook
675
star
21
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
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
551
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
473
star
28
Tixierae/deep_learning_NLP

Tixierae/deep_learning_NLP

Keras, PyTorch, and NumPy Implementations of Deep Learning Architectures for NLP
Jupyter Notebook
436
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
White-Link/UnsupervisedScalableRepresentationLearningTimeSeries

White-Link/UnsupervisedScalableRepresentationLearningTimeSeries

Unsupervised Scalable Representation Learning for Multivariate Time Series: Experiments
Jupyter Notebook
393
star
33
lium-lst/nmtpytorch

lium-lst/nmtpytorch

Sequence-to-Sequence Framework in PyTorch
Jupyter Notebook
392
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
386
star
35
PoCInnovation/Workshops

PoCInnovation/Workshops

Workshops organized to introduce students to security, AI, blockchain, AR/VR, hardware and software
Jupyter Notebook
367
star
36
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
37
ipython-books/minibook-2nd-code

ipython-books/minibook-2nd-code

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

ArdalanM/pyLightGBM

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

ahmedbesbes/cartoonify

Deploy and scale serverless machine learning app - in 4 steps.
Jupyter Notebook
334
star
40
DocstringFr/la-formation-complete-python

DocstringFr/la-formation-complete-python

Code et ressources pour La Formation Complรจte Python
Jupyter Notebook
324
star
41
woctezuma/stable-diffusion-colab

woctezuma/stable-diffusion-colab

Colab notebook for Stable Diffusion Hyper-SDXL.
Jupyter Notebook
319
star
42
YangtaoWANG95/TokenCut

YangtaoWANG95/TokenCut

(CVPR 2022) Pytorch implementation of "Self-supervised transformers for unsupervised object discovery using normalized cut"
Jupyter Notebook
298
star
43
woctezuma/stylegan2-projecting-images

woctezuma/stylegan2-projecting-images

Projecting images to latent space with StyleGAN2.
Jupyter Notebook
293
star
44
kelu124/echomods

kelu124/echomods

Open source ultrasound processing modules and building blocks
Jupyter Notebook
291
star
45
gmonaci/ARIMA

gmonaci/ARIMA

Simple python example on how to use ARIMA models to analyze and predict time series.
Jupyter Notebook
291
star
46
Denis2054/Transformers-for-NLP-and-Computer-Vision-3rd-Edition

Denis2054/Transformers-for-NLP-and-Computer-Vision-3rd-Edition

Transformers 3rd Edition
Jupyter Notebook
290
star
47
thibo73800/tensorflow2.0-examples

thibo73800/tensorflow2.0-examples

Jupyter notebooks to help you started with tensorflow 2.0
Jupyter Notebook
268
star
48
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
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
249
star
50
betagouv/beta.gouv.fr

betagouv/beta.gouv.fr

Le site public de l'Incubateur de Services Numรฉriques de l'ร‰tat
Jupyter Notebook
245
star
51
gtnx/pandas-highcharts

gtnx/pandas-highcharts

Beautiful charting of pandas.DataFrame with Highcharts
Jupyter Notebook
243
star
52
tcapelle/timeseries_fastai

tcapelle/timeseries_fastai

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

tjaskula/Coursera

These are my learning exercices from Coursera
Jupyter Notebook
218
star
54
duburcqa/jiminy

duburcqa/jiminy

Jiminy: a fast and portable Python/C++ simulator of poly-articulated robots with OpenAI Gym interface for reinforcement learning
Jupyter Notebook
216
star
55
tpaviot/pythonocc-demos

tpaviot/pythonocc-demos

Examples and demos for the pythonocc CAD package
Jupyter Notebook
215
star
56
acids-ircam/creative_ml

acids-ircam/creative_ml

Creative Machine Learning course and notebook tutorials in JAX, PyTorch and Numpy
Jupyter Notebook
206
star
57
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
58
MAIF/eurybia

MAIF/eurybia

โš“ Eurybia monitors model drift over time and securizes model deployment with data validation
Jupyter Notebook
203
star
59
simoninithomas/CatDCGAN

simoninithomas/CatDCGAN

A DCGAN that generate Cat pictures ๐Ÿฑโ€๐Ÿ’ป
Jupyter Notebook
201
star
60
lewagon/data-kit

lewagon/data-kit

Devenez Data-Scientist sur Le Wagon On Demand
Jupyter Notebook
201
star
61
fredokun/cl-jupyter

fredokun/cl-jupyter

An enhanced interactive Shell for Common Lisp (based on the Jupyter protocol)
Jupyter Notebook
197
star
62
medialab/ipysigma

medialab/ipysigma

A Jupyter widget using sigma.js to render interactive networks.
Jupyter Notebook
193
star
63
imalikshake/StyleNet

imalikshake/StyleNet

A cute multi-layer LSTM that can perform like a human ๐ŸŽถ
Jupyter Notebook
191
star
64
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
65
Joseph94m/MCMC

Joseph94m/MCMC

Implementation of Markov Chain Monte Carlo in Python from scratch
Jupyter Notebook
183
star
66
BilHim/minecraft-world-generation

BilHim/minecraft-world-generation

Replicating Minecraft World Generation inย Python
Jupyter Notebook
180
star
67
qanastek/HugsVision

qanastek/HugsVision

HugsVision is a easy to use huggingface wrapper for state-of-the-art computer vision
Jupyter Notebook
177
star
68
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
177
star
69
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
70
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
71
avidale/compress-fasttext

avidale/compress-fasttext

Tools for shrinking fastText models (in gensim format)
Jupyter Notebook
168
star
72
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
165
star
73
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
74
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
164
star
75
christophebourguignat/notebooks

christophebourguignat/notebooks

Jupyter Notebook
160
star
76
valeoai/RADIal

valeoai/RADIal

Jupyter Notebook
160
star
77
andfanilo/social-media-tutorials

andfanilo/social-media-tutorials

Code dumps of Youtube/Twitter tutorials
Jupyter Notebook
160
star
78
acids-ircam/pytorch_flows

acids-ircam/pytorch_flows

Implementation and tutorials of normalizing flows with the novel distributions module
Jupyter Notebook
158
star
79
SalvatoreRa/tutorial

SalvatoreRa/tutorial

Tutorials on machine learning, artificial intelligence, data science with math explanation and reusable code (in python and R)
Jupyter Notebook
154
star
80
rom1504/image_embeddings

rom1504/image_embeddings

Using efficientnet to provide embeddings for retrieval
Jupyter Notebook
152
star
81
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
152
star
82
jfpuget/Kaggle

jfpuget/Kaggle

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

mortendahl/privateml

Various material around private machine learning, some associated with blog
Jupyter Notebook
149
star
84
valeoai/Maskgit-pytorch

valeoai/Maskgit-pytorch

Jupyter Notebook
148
star
85
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
146
star
86
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
87
ksm26/LangChain-Chat-with-Your-Data

ksm26/LangChain-Chat-with-Your-Data

Explore LangChain and build powerful chatbots that interact with your own data. Gain insights into document loading, splitting, retrieval, question answering, and more.
Jupyter Notebook
142
star
88
bayesimpact/bob-emploi

bayesimpact/bob-emploi

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

kelu124/un0rick

smallish ice40 / raspberrypi ultrasound hardware
Jupyter Notebook
141
star
90
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
137
star
91
alexis-jacq/Pytorch-Tutorials

alexis-jacq/Pytorch-Tutorials

Pytorch tutorials for Neural Style transfert
Jupyter Notebook
136
star
92
woctezuma/finetune-detr

woctezuma/finetune-detr

Fine-tune Facebook's DETR (DEtection TRansformer) on Colaboratory.
Jupyter Notebook
136
star
93
fotisk07/Deep-Learning-Coursera

fotisk07/Deep-Learning-Coursera

Projects from the Deep Learning Specialization from deeplearning.ai provided by Coursera
Jupyter Notebook
135
star
94
pollen-robotics/reachy-2019

pollen-robotics/reachy-2019

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

houssamzenati/Adversarially-Learned-Anomaly-Detection

ALAD (Proceedings of IEEE ICDM 2018) official code
Jupyter Notebook
133
star
96
jilljenn/ktm

jilljenn/ktm

Knowledge Tracing Machines: Factorization Machines for Knowledge Tracing
Jupyter Notebook
130
star
97
Abonia1/YOLOv8-Fire-and-Smoke-Detection

Abonia1/YOLOv8-Fire-and-Smoke-Detection

This projevct aims to detect fire in forest and other areas
Jupyter Notebook
130
star
98
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
99
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
100
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
119
star