SlideShare ist ein Scribd-Unternehmen logo
1 von 96
Downloaden Sie, um offline zu lesen
An	introduction	to
COLLABORATIVE	FILTERING	IN
PYTHON
and	an	overview	of	Surprise
1
WHAT	SHOULD	I
READ?
2
WHAT	SHOULD	I
SEE?
3
WHERE	SHOULD	I
EAT?
4
TAXONOMY
Content-based
Leverage	information	about	the	items	content	
Based	on	item	profiles	(metadata).
Collaborative	filtering
Leverage	social	information	(user-item	interactions)
E.g.:	recommend	items	liked	by	my	peers.	Usually	yields	better	results.
Knowledge-based
Leverage	users	requirements	
Used	for	cars,	loans,	real	estate...	Very	task-specific.
5
Collaborative	filtering
Leverage	social	information	(user-item	interactions)
E.g.:	recommend	items	liked	by	my	peers.	Usually	yields	better	results.
5
RATING	PREDICTION
Rows	are	users,	columns	are	items
~	99%	of	the	entries	are	missing
Your	mission:	predict	the	
6
ABOUT	ME
Nicolas	Hug
PhD	Student	(University	of	Toulouse	III)
Needed	a	Python	library	for	RS	research...	Did	it.
7
OUTLINE
1.	 THE	NEIGHBORHOOD	METHOD	(K-NN)
8
OUTLINE
1.	 THE	NEIGHBORHOOD	METHOD	(K-NN)
2.	 OVERVIEW	OF	
( )
SURPRISE
http://surpriselib.com
8
OUTLINE
1.	 THE	NEIGHBORHOOD	METHOD	(K-NN)
2.	 OVERVIEW	OF	
( )
SURPRISE
http://surpriselib.com
3.	 MATRIX	FACTORIZATION
8
1.	 THE	NEIGHBORHOOD	METHOD	(K-NN)
8
NEIGHBORHOOD
METHODS
9
NEIGHBORHOOD	METHOD
We	have	a	history	of	past	ratings
We	need	to	predict	Alice's	rating	for	Titanic
1.	 Find	the	users	that	have	the	same	tastes	as	Alice
(using	the	rating	history)
2.	 Average	their	ratings	for	Titanic
That's	it
10
1.	 Find	the	users	that	have	the	same	tastes	as	Alice
(using	the	rating	history)
10
WE	NEED	A	SIMILARITY	MEASURE
11
WE	NEED	A	SIMILARITY	MEASURE
	number	of	common	rated	items
11
WE	NEED	A	SIMILARITY	MEASURE
	number	of	common	rated	items
	average	absolute	difference	between	ratings	(it's	actually	a
distance)
11
WE	NEED	A	SIMILARITY	MEASURE
	number	of	common	rated	items
	average	absolute	difference	between	ratings	(it's	actually	a
distance)
	cosine	angle	between	 	and	
11
WE	NEED	A	SIMILARITY	MEASURE
	number	of	common	rated	items
	average	absolute	difference	between	ratings	(it's	actually	a
distance)
	cosine	angle	between	 	and	
	Pearson	correlation	coefficient	between	 	and	
11
WE	NEED	A	SIMILARITY	MEASURE
	number	of	common	rated	items
	average	absolute	difference	between	ratings	(it's	actually	a
distance)
	cosine	angle	between	 	and	
	Pearson	correlation	coefficient	between	 	and	
About	3	millions	other	measures
11
NEIGHBORHOOD	METHOD
We	have	a	history	of	past	ratings
We	need	to	predict	Alice's	rating	for	Titanic
1.	 Find	the	users	that	have	the	same	tastes	as	Alice
(using	the	rating	history)
2.	 Average	their	ratings	for	Titanic
That's	it
12
2.	 Average	their	ratings	for	Titanic
12
AGGREGATING	THE	NEIGHBORS'
RATINGS
Alice	is	close	to	Bob.	Her	rating	for	Titanic	is
probably	close	to	Bob's	(1).	So	
13
AGGREGATING	THE	NEIGHBORS'
RATINGS
Alice	is	close	to	Bob.	Her	rating	for	Titanic	is
probably	close	to	Bob's	(1).	So	
But	we	should	of	course	look	at	more	than	one
neighbor!
13
LET'S	CODE!
												
def	predict_rating(u,	i):
				'''Return	estimated	rating	of	user	u	for	item	i.
							rating_hist	is	a	list	of	tuples	(user,	item,	rating)'''
				#	Retrieve	users	having	rated	i
				neighbors	=	[(sim[u,	v],	r_vj)
																	for	(v,	j,	r_vj)	in	rating_hist	if	(i	==	j)]
				#	Sort	them	by	similarity	with	u
				neighbors.sort(key=lambda	tple:	tple[0],	reversed=True)
				#	Compute	weighted	average	of	the	k-NN's	ratings
				num	=	sum(sim_uv	*	r_vi	for	(sim_uv,	r_vi)	in	neighbors[:k])
				denum	=	sum(sim_uv	for	(sim_uv,	_)	in	neighbors[:k])
				return	num	/	denum
												
14
LET'S	CODE!
												
def	predict_rating(u,	i):
				'''Return	estimated	rating	of	user	u	for	item	i.
							rating_hist	is	a	list	of	tuples	(user,	item,	rating)'''
				#	Retrieve	users	having	rated	i
				neighbors	=	[(sim[u,	v],	r_vj)
																	for	(v,	j,	r_vj)	in	rating_hist	if	(i	==	j)]
				#	Sort	them	by	similarity	with	u
				neighbors.sort(key=lambda	tple:	tple[0],	reversed=True)
				#	Compute	weighted	average	of	the	k-NN's	ratings
				num	=	sum(sim_uv	*	r_vi	for	(sim_uv,	r_vi)	in	neighbors[:k])
				denum	=	sum(sim_uv	for	(sim_uv,	_)	in	neighbors[:k])
				return	num	/	denum
												
14
NEIGHBORHOOD	METHOD
We	have	a	history	of	past	ratings
We	need	to	predict	Alice's	rating	for	Titanic	
1.	 Find	the	users	that	have	the	same	tastes	as	Alice
(using	the	rating	history)
2.	 Average	their	ratings	for	Titanic
That's	it...	 	
15
NEIGHBORHOOD	METHOD
We	have	a	history	of	past	ratings
We	need	to	predict	Alice's	rating	for	Titanic	
1.	 Find	the	users	that	have	the	same	tastes	as	Alice
(using	the	rating	history)
2.	 Average	their	ratings	for	Titanic
That's	it...	?	
15
THERE	ARE	(APPROXIMATELY)	HALF	A	BILLION
VARIANTS
Normalize	the	ratings
16
THERE	ARE	(APPROXIMATELY)	HALF	A	BILLION
VARIANTS
Normalize	the	ratings
Remove	bias	(some	users	are	mean)
16
THERE	ARE	(APPROXIMATELY)	HALF	A	BILLION
VARIANTS
Normalize	the	ratings
Remove	bias	(some	users	are	mean)
Use	a	fancier	aggregation
16
THERE	ARE	(APPROXIMATELY)	HALF	A	BILLION
VARIANTS
Normalize	the	ratings
Remove	bias	(some	users	are	mean)
Use	a	fancier	aggregation
Discount	similarities	(give	them	more	or	less
confidence)
16
THERE	ARE	(APPROXIMATELY)	HALF	A	BILLION
VARIANTS
Normalize	the	ratings
Remove	bias	(some	users	are	mean)
Use	a	fancier	aggregation
Discount	similarities	(give	them	more	or	less
confidence)
Use	item-item	similarity	instead
16
THERE	ARE	(APPROXIMATELY)	HALF	A	BILLION
VARIANTS
Normalize	the	ratings
Remove	bias	(some	users	are	mean)
Use	a	fancier	aggregation
Discount	similarities	(give	them	more	or	less
confidence)
Use	item-item	similarity	instead
Or	use	both	kinds	of	similarities!
16
THERE	ARE	(APPROXIMATELY)	HALF	A	BILLION
VARIANTS
Normalize	the	ratings
Remove	bias	(some	users	are	mean)
Use	a	fancier	aggregation
Discount	similarities	(give	them	more	or	less
confidence)
Use	item-item	similarity	instead
Or	use	both	kinds	of	similarities!
Cluster	users	and/or	items
16
THERE	ARE	(APPROXIMATELY)	HALF	A	BILLION
VARIANTS
Normalize	the	ratings
Remove	bias	(some	users	are	mean)
Use	a	fancier	aggregation
Discount	similarities	(give	them	more	or	less
confidence)
Use	item-item	similarity	instead
Or	use	both	kinds	of	similarities!
Cluster	users	and/or	items
Learn	the	similarities
16
THERE	ARE	(APPROXIMATELY)	HALF	A	BILLION
VARIANTS
Normalize	the	ratings
Remove	bias	(some	users	are	mean)
Use	a	fancier	aggregation
Discount	similarities	(give	them	more	or	less
confidence)
Use	item-item	similarity	instead
Or	use	both	kinds	of	similarities!
Cluster	users	and/or	items
Learn	the	similarities
Blah	blah	blah...
16
OUTLINE
1.	 THE	NEIGHBORHOOD	METHOD	(K-NN)
2.	 OVERVIEW	OF	
( )
3.	 MATRIX	FACTORIZATION
SURPRISE
http://surpriselib.com
17
2.	 OVERVIEW	OF	
( )
SURPRISE
http://surpriselib.com
17
SURPRISE
A	Python	library	for	recommender	systems	
(Or	rather:	a	Python	library	for	rating	prediction	algorithms)
18
WHY?
Needed	a	Python	lib	for	quick	and	easy	prototyping
Needed	to	control	my	experiments
19
SO	WHY	NOT	SCIKIT-LEARN?
20
SO	WHY	NOT	SCIKIT-LEARN?
Rating	prediction	≠	regression	or	classification	
20
YES	:)
NO	:(
												
clf	=	MyClassifier()
clf.fit(X_train,	y_train)
clf.predict(X_test)
										
												
rec	=	MyRecommender()
rec.fit(X_train,	y_train)
rec.predict(X_test)
										
21
BASIC	USAGE
												
from	surprise	import	KNNBasic
from	surprise	import	Dataset
data	=	Dataset.load_builtin('ml-100k')		#	download	dataset
trainset	=	data.build_full_trainset()		#	build	trainset
algo	=	KNNBasic()		#	use	built-in	prediction	algorithm
algo.train(trainset)		#	fit	data
algo.predict('Alice',	'Titanic')
algo.predict('Bob',	'Toy	Story')
#	...
										
22
MAIN	FEATURES
Easy	dataset	handling
23
DATASET	HANDLING
												
#	Built-in	datasets	(movielens,	Jester)
data	=	Dataset.load_builtin('ml-100k')
#	Custom	datasets	(from	file)
file_path	=	os.path.expanduser('./my_data')
reader	=	Reader(line_format='user	item	rating	timestamp',
																sep='t')
data	=	Dataset.load_from_file(file_path,	reader=reader)
#	Custom	datasets	(from	pandas	dataframe)
reader	=	Reader(rating_scale=(1,	5))
data	=	Dataset.load_from_df(df[['uid',	'iid',	'r_ui']],
																												reader)
										
24
MAIN	FEATURES
Built-in	prediction	algorithms	(SVD,	k-NN,	many
others)
Built-in	similarity	measures	(Cosine,	Pearson...)
25
BUILT-IN	ALGORITHMS	AND
SIMILARITIES
SVD,	SVD++,	NMF,	 -NN	(with	variants),	Slope	One,
some	baselines...
Cosine,	Pearson,	MSD	(between	users	or	items)
												
sim_options	=	{'name':	'cosine',
															'user_based':	False,
															'min_support':	10
															}
algo	=	KNNBasic(sim_options=sim_options)
										
26
MAIN	FEATURES
Custom	algorithms	are	easy	to	implement
27
CUSTOM	PREDICTION	ALGORITHM
												
class	MyRatingPredictor(AlgoBase):
				def	estimate(self,	u,	i):
								return	3
algo	=	MyRatingPredictor()
algo.train(trainset)
pred	=	algo.predict('Alice',	'Titanic')		#	will	call	estimate
										
28
CUSTOM	PREDICTION	ALGORITHM
												
class	MyRatingPredictor(AlgoBase):
				def	train(self,	trainset):
								'''Fit	your	data	here.'''
								self.mean	=	np.mean([r_ui	for	(u,	i,	r_ui)
																													in	trainset.all_ratings()])
				def	estimate(self,	u,	i):
								return	self.mean
										
29
CUSTOM	PREDICTION	ALGORITHM
												
class	MyRatingPredictor(AlgoBase):
				def	train(self,	trainset):
								'''Fit	your	data	here.'''
								self.mean	=	np.mean([r_ui	for	(u,	i,	r_ui)
																													in	trainset.all_ratings()])
				def	estimate(self,	u,	i):
								return	self.mean
										
trainset	object:
Iterators	over	the	rating	history	(user-wise,	item-wise,	or	unordered)
Iterators	over	users	and	items	ids
Other	useful	methods/attributes
29
class	MyKNN(AlgoBase):
				def	train(self,	trainset):
								self.trainset	=	trainset
								self.sim	=	...		#	Compute	similarity	matrix
				def	estimate(self,	u,	i):
								neighbors	=	[(self.sim[u,	v],	r_vi)	for	(v,	r_vj)
																						in	self.trainset.ur[u]]
								neighbors	=	sorted(neighbors,
																											key=lambda	tple:	tple[0],
																											reverse=True)
								sum_sim	=	sum_ratings	=	0
								for	(sim_uv,	r_vi)	in	neighbors[:self.k]:
												sum_sim	+=	sim
												sum_ratings	+=	sim	*	r
								return	sum_ratings	/	sum_sim
										
30
MAIN	FEATURES
Cross-validation,	grid-search
31
TYPICAL	EVALUATION	PROTOCOL
Hide	some	of	the	 	(they	become	 )	
Use	the	remaining	 	to	predict	the	
32
TYPICAL	EVALUATION	PROTOCOL
Hide	some	of	the	 	(they	become	 )	
Use	the	remaining	 	to	predict	the	
RMSE	=	 	
The	average	error,	where	big	errors	are	heavily	penalized	(squared)	
32
TYPICAL	EVALUATION	PROTOCOL
Hide	some	of	the	 	(they	become	 )	
Use	the	remaining	 	to	predict	the	
RMSE	=	 	
The	average	error,	where	big	errors	are	heavily	penalized	(squared)	
Do	that	many	times	with	different	subsets:	this	is	cross-validation
32
CROSS	VALIDATION
												
data	=	Dataset.load_builtin('ml-100k')		#	download	dataset
data.split(n_folds=3)		#	3-folds	cross	validation
algo	=	SVD()
for	trainset,	testset	in	data.folds():
				algo.train(trainset)		#	fit	data
				predictions	=	algo.test(testset)		#	predict	ratings
				accuracy.rmse(predictions,	verbose=True)		#	print	RMSE
										
33
GRID-SEARCH
												
param_grid	=	{'n_epochs':	[5,	10],	'lr_all':	[0.002,	0.005],
														'reg_all':	[0.4,	0.6]}
grid_search	=	GridSearch(SVD,	param_grid,
																									measures=['RMSE',	'FCP'])
data	=	Dataset.load_builtin('ml-100k')
data.split(n_folds=3)
grid_search.evaluate(data)		#	will	evaluate	each	combination
print(grid_search.best_score['RMSE'])
print(grid_search.best_params['RMSE'])
algo	=	grid_search.best_estimator['RMSE'])
										
34
MAIN	FEATURES
Built-in	evaluation	measures	(RMSE,	MAE...)
35
EVALUATION	TOOLS
Can	also	compute	Recall,	Precision	and	top-N	related
measures	easily
												
for	trainset,	testset	in	data.folds():
				algo.train(trainset)		#	fit	data
				predictions	=	algo.test(testset)		#	predict	ratings
				accuracy.rmse(predictions)
				accuracy.mae(predictions)
				accuracy.fcp(predictions)
										
36
MAIN	FEATURES
Model	persistence
37
MODEL	PERSISTENCE
Can	also	dump	the	predictions	to	analyze	and
carefully	compare	algorithms	with	pandas
												
#	...	grid	search
algo	=	grid_search.best_estimator['RMSE'])
#	dump	algorithm
file_name	=	os.path.expanduser('~/dump_file')
dump.dump(file_name,	algo=algo)
#	...
#	Close	Python,	go	to	bed
#	...
#	Wake	up,	reload	algorithm,	profit
_,	algo	=	dump.load(file_name)
										
38
OUTLINE
1.	 THE	NEIGHBORHOOD	METHOD	(K-NN)
2.	 OVERVIEW	OF	
( )
3.	 MATRIX	FACTORIZATION
SURPRISE
http://surpriselib.com
39
3.	 MATRIX	FACTORIZATION
39
MATRIX
FACTORIZATION
40
MATRIX	FACTORIZATION
A	lot	of	hype	during	the	Netflix	Prize	
(2006-2009:	improve	our	system,	get	rich)
Model	the	ratings	in	an	insightful	way
Takes	its	root	in	dimensional	reduction	and	SVD
41
BEFORE	SVD:	PCA
Here	are	400	greyscale	images	(64	x	64):
	 	 	 	 	 	 	 	 	
Put	them	in	a	400	x	4096	matrix	 :
42
PCA	also	gives	you	the	 .	
In	advance:	you	don't	need	all	the	400	guys
	
BEFORE	SVD:	PCA
PCA	will	reveal	400	of	those	creepy	typical	guys:	
	 	 	 	 	 	 	 	 	 	
These	guys	can	build	back	all	of	the	original	faces	
43
PCA	ON	A	RATING	MATRIX?	SURE!
Assume	all	ratings	are	known	
	
Exact	same	thing!	We	just	have	ratings	instead	of	pixels.	
PCA	will	reveal	typical	users.
44
PCA	ON	A	RATING	MATRIX?	SURE!
Assume	all	ratings	are	known	
	
Exact	same	thing!	We	just	have	ratings	instead	of	pixels.	
PCA	will	reveal	typical	users.
	 	 	 	 	 	 	 	
44
PCA	ON	A	RATING	MATRIX?	SURE!
Assume	all	ratings	are	known.	Transpose	the	matrix	
	
Exact	same	thing!	PCA	will	reveal	typical	movies.
45
PCA	ON	A	RATING	MATRIX?	SURE!
Assume	all	ratings	are	known.	Transpose	the	matrix	
	
Exact	same	thing!	PCA	will	reveal	typical	movies.
	 	 	 	 	 	 	 	
Note:	in	practice,	the	factors	semantic	is	not	clearly	defined.
45
SVD	IS	PCA2
PCA	on	 	gives	you	the	typical	users	
PCA	on	 	gives	you	the	typical	movies	
SVD	gives	you	both	in	one	shot! 	
46
SVD	IS	PCA2
PCA	on	 	gives	you	the	typical	users	
PCA	on	 	gives	you	the	typical	movies	
SVD	gives	you	both	in	one	shot! 	
	is	diagonal,	it's	just	a	scaler.
This	is	our	matrix	factorization!
46
THE	MODEL	OF	SVD
47
THE	MODEL	OF	SVD
47
THE	MODEL	OF	SVD
47
THE	MODEL	OF	SVD
Rating(Alice,	Titanic)	will	be	high
Rating(Bob,	Titanic)	will	be	low
47
SO	HOW	TO	COMPUTE	 	AND	 ?
Columns	of	 	are	the	eigenvectors	of	
Columns	of	 	are	the	eigenvectors	of	
Associated	eigenvalues	make	up	the	diagonal	of	
There	are	very	efficient	algorithms	in	the	wild
	
48
SO	HOW	TO	COMPUTE	 	AND	 ?
Columns	of	 	are	the	eigenvectors	of	
Columns	of	 	are	the	eigenvectors	of	
Associated	eigenvalues	make	up	the	diagonal	of	
There	are	very	efficient	algorithms	in	the	wild
	
Alternate	option:	find	the	 s	and	the	 s	that	minimize	the	reconstruction	error
(With	some	orthogonality	constraints).	There	are	also	very	efficient	algorithms	in	the	wild
48
SO	HOW	TO	COMPUTE	 	AND	 ?
Columns	of	 	are	the	eigenvectors	of	
Columns	of	 	are	the	eigenvectors	of	
Associated	eigenvalues	make	up	the	diagonal	of	
There	are	very	efficient	algorithms	in	the	wild
	
Alternate	option:	find	the	 s	and	the	 s	that	minimize	the	reconstruction	error
(With	some	orthogonality	constraints).	There	are	also	very	efficient	algorithms	in	the	wild
So,	piece	of	cake	right?
48
OOPS!
49
WE	ASSUMED	THAT	 	WAS	DENSE
But	it's	not!	99%	are	missing
	and	 	are	not	even	defined
So	 	and	 	are	not	defined	either
There	is	no	SVD	
50
WE	ASSUMED	THAT	 	WAS	DENSE
But	it's	not!	99%	are	missing
	and	 	are	not	even	defined
So	 	and	 	are	not	defined	either
There	is	no	SVD	
Two	options:
Fill	the	missing	entries	with	a	simple	heuristic
"	Let's	just	not	give	a	damn	"	--	Simon	Funk	(ended-
up	top-3	of	the	Netflix	Prize	for	some	time)
50
Dense	case:	find	the	 s
and	the	 s	that	minimize
the	total	reconstruction
error	
(With	orthogonality
constraints)
Sparse	case:	find	the	 s
and	the	 s	that	minimize
the	partial	reconstruction
error	
(Forget	about
orthogonality)
APPROXIMATION
51
Dense	case:	find	the	 s
and	the	 s	that	minimize
the	total	reconstruction
error	
(With	orthogonality
constraints)
Sparse	case:	find	the	 s
and	the	 s	that	minimize
the	partial	reconstruction
error	
(Forget	about
orthogonality)
APPROXIMATION
Basically	the	same,	except	we	don't	have	all	the
ratings	(and	we	don't	care)
51
We	want	the	value	 	such	that	
is	minimal:
Compute	
Randomly	initialize	
	(do	this
until	you're	fed	up)
MINIMIZATION	BY	GRADIENT	DESCENT
52
MINIMIZATION	BY	(STOCHASTIC)	GRADIENT	DESCENT
Our	parameter	 	is	 	for	all	 	and	 .	The	function	 	to	be	minimized	is:
												
def	compute_SVD():
				'''Fit	pu	and	qi	to	known	ratings	by	SGD'''
				p	=	np.random.normal(size=F)
				q	=	np.random.normal(size=F)
				for	iter	in	range(n_max_iter):
								for	u,	i,	r_ui	in	rating_hist:
												err	=	r_ui	-	np.dot(p[u],	q[i])
												p[u]	=	p[u]	+	learning_rate	*	err	*	q[i]
												q[i]	=	q[i]	+	learning_rate	*	err	*	p[u]
def	estimate_rating(u,	i):
				return	np.dot(p[u],	q[i])
										
53
SOME	LAST	DETAILS
Unbias	the	ratings,	add	regularization:	you	get	"SVD":	
54
SOME	LAST	DETAILS
Unbias	the	ratings,	add	regularization:	you	get	"SVD":	
Good	ol'	fashioned	ML	paradigm:
Assume	a	model	for	your	data	( )
Fit	your	model	parameters	to	the	observed	data
Praise	the	Lord	and	hope	for	the	best
54
A	FEW	REMARKS
	is	mostly	a	tool	for	algorithms	that	predict
ratings.	RS	do	much	more	than	that.
Focus	on	explicit	ratings	(implicit	ratings	algorithms
will	come,	hopefully)
Not	aimed	to	be	a	complete	tool	for	building	RS
from	A	to	Z	(check	out	 )
Not	aimed	to	be	the	most	efficient	implementation
(check	out	 )
Surprise
Mangaki
LightFM
55
SOME	REFERENCES
Can't	recommend	enough	(pun	intended)
Aggarwal's	Recommender	Systems	-	The	Textbook
Jeremy	Kun's	 	(great	insights	on	 	and	 )blog PCA SVD
56
THANKS!
57

Weitere ähnliche Inhalte

Was ist angesagt?

Matrix Factorization In Recommender Systems
Matrix Factorization In Recommender SystemsMatrix Factorization In Recommender Systems
Matrix Factorization In Recommender SystemsYONG ZHENG
 
Recommendation Systems
Recommendation SystemsRecommendation Systems
Recommendation SystemsRobin Reni
 
Recommender system algorithm and architecture
Recommender system algorithm and architectureRecommender system algorithm and architecture
Recommender system algorithm and architectureLiang Xiang
 
Recommendation system
Recommendation system Recommendation system
Recommendation system Vikrant Arya
 
Neural Collaborative Filtering Explanation & Implementation
Neural Collaborative Filtering Explanation & ImplementationNeural Collaborative Filtering Explanation & Implementation
Neural Collaborative Filtering Explanation & ImplementationKung-hsiang (Steeve) Huang
 
Matrix Factorization Techniques For Recommender Systems
Matrix Factorization Techniques For Recommender SystemsMatrix Factorization Techniques For Recommender Systems
Matrix Factorization Techniques For Recommender SystemsLei Guo
 
Counterpropagation NETWORK
Counterpropagation NETWORKCounterpropagation NETWORK
Counterpropagation NETWORKESCOM
 
Building a Recommendation Engine - An example of a product recommendation engine
Building a Recommendation Engine - An example of a product recommendation engineBuilding a Recommendation Engine - An example of a product recommendation engine
Building a Recommendation Engine - An example of a product recommendation engineNYC Predictive Analytics
 
A Brief History of Object Detection / Tommi Kerola
A Brief History of Object Detection / Tommi KerolaA Brief History of Object Detection / Tommi Kerola
A Brief History of Object Detection / Tommi KerolaPreferred Networks
 
Recommender systems for E-commerce
Recommender systems for E-commerceRecommender systems for E-commerce
Recommender systems for E-commerceAlexander Konduforov
 
How to Build Recommender System with Content based Filtering
How to Build Recommender System with Content based FilteringHow to Build Recommender System with Content based Filtering
How to Build Recommender System with Content based FilteringVõ Duy Tuấn
 
Brief introduction on GAN
Brief introduction on GANBrief introduction on GAN
Brief introduction on GANDai-Hai Nguyen
 
Chap 8. Optimization for training deep models
Chap 8. Optimization for training deep modelsChap 8. Optimization for training deep models
Chap 8. Optimization for training deep modelsYoung-Geun Choi
 

Was ist angesagt? (20)

Matrix Factorization In Recommender Systems
Matrix Factorization In Recommender SystemsMatrix Factorization In Recommender Systems
Matrix Factorization In Recommender Systems
 
Self-organizing map
Self-organizing mapSelf-organizing map
Self-organizing map
 
Dcgan
DcganDcgan
Dcgan
 
Recommendation Systems
Recommendation SystemsRecommendation Systems
Recommendation Systems
 
Recommender system algorithm and architecture
Recommender system algorithm and architectureRecommender system algorithm and architecture
Recommender system algorithm and architecture
 
Recommendation system
Recommendation system Recommendation system
Recommendation system
 
Artificial neural network
Artificial neural networkArtificial neural network
Artificial neural network
 
Unit1: Introduction to AI
Unit1: Introduction to AIUnit1: Introduction to AI
Unit1: Introduction to AI
 
Recommender Systems
Recommender SystemsRecommender Systems
Recommender Systems
 
Neural Collaborative Filtering Explanation & Implementation
Neural Collaborative Filtering Explanation & ImplementationNeural Collaborative Filtering Explanation & Implementation
Neural Collaborative Filtering Explanation & Implementation
 
Matrix Factorization Techniques For Recommender Systems
Matrix Factorization Techniques For Recommender SystemsMatrix Factorization Techniques For Recommender Systems
Matrix Factorization Techniques For Recommender Systems
 
Counterpropagation NETWORK
Counterpropagation NETWORKCounterpropagation NETWORK
Counterpropagation NETWORK
 
Building a Recommendation Engine - An example of a product recommendation engine
Building a Recommendation Engine - An example of a product recommendation engineBuilding a Recommendation Engine - An example of a product recommendation engine
Building a Recommendation Engine - An example of a product recommendation engine
 
Recommender Systems
Recommender SystemsRecommender Systems
Recommender Systems
 
A Brief History of Object Detection / Tommi Kerola
A Brief History of Object Detection / Tommi KerolaA Brief History of Object Detection / Tommi Kerola
A Brief History of Object Detection / Tommi Kerola
 
Recommender systems for E-commerce
Recommender systems for E-commerceRecommender systems for E-commerce
Recommender systems for E-commerce
 
How to Build Recommender System with Content based Filtering
How to Build Recommender System with Content based FilteringHow to Build Recommender System with Content based Filtering
How to Build Recommender System with Content based Filtering
 
Brief introduction on GAN
Brief introduction on GANBrief introduction on GAN
Brief introduction on GAN
 
Adversarial training Basics
Adversarial training BasicsAdversarial training Basics
Adversarial training Basics
 
Chap 8. Optimization for training deep models
Chap 8. Optimization for training deep modelsChap 8. Optimization for training deep models
Chap 8. Optimization for training deep models
 

Andere mochten auch

PyParis 2017 / Un mooc python, by thierry parmentelat
PyParis 2017 / Un mooc python, by thierry parmentelatPyParis 2017 / Un mooc python, by thierry parmentelat
PyParis 2017 / Un mooc python, by thierry parmentelatPôle Systematic Paris-Region
 
Rekomendujemy - Szybkie wprowadzenie do systemów rekomendacji oraz trochę wie...
Rekomendujemy - Szybkie wprowadzenie do systemów rekomendacji oraz trochę wie...Rekomendujemy - Szybkie wprowadzenie do systemów rekomendacji oraz trochę wie...
Rekomendujemy - Szybkie wprowadzenie do systemów rekomendacji oraz trochę wie...Bartlomiej Twardowski
 
How To Implement a CMS
How To Implement a CMSHow To Implement a CMS
How To Implement a CMSJonathan Smith
 
How to build a Recommender System
How to build a Recommender SystemHow to build a Recommender System
How to build a Recommender SystemVõ Duy Tuấn
 
Systemy rekomendacji
Systemy rekomendacjiSystemy rekomendacji
Systemy rekomendacjiAdam Kawa
 
Collaborative Filtering using KNN
Collaborative Filtering using KNNCollaborative Filtering using KNN
Collaborative Filtering using KNNŞeyda Hatipoğlu
 

Andere mochten auch (7)

PyParis 2017 / Un mooc python, by thierry parmentelat
PyParis 2017 / Un mooc python, by thierry parmentelatPyParis 2017 / Un mooc python, by thierry parmentelat
PyParis 2017 / Un mooc python, by thierry parmentelat
 
Rekomendujemy - Szybkie wprowadzenie do systemów rekomendacji oraz trochę wie...
Rekomendujemy - Szybkie wprowadzenie do systemów rekomendacji oraz trochę wie...Rekomendujemy - Szybkie wprowadzenie do systemów rekomendacji oraz trochę wie...
Rekomendujemy - Szybkie wprowadzenie do systemów rekomendacji oraz trochę wie...
 
How To Implement a CMS
How To Implement a CMSHow To Implement a CMS
How To Implement a CMS
 
Content based filtering
Content based filteringContent based filtering
Content based filtering
 
How to build a Recommender System
How to build a Recommender SystemHow to build a Recommender System
How to build a Recommender System
 
Systemy rekomendacji
Systemy rekomendacjiSystemy rekomendacji
Systemy rekomendacji
 
Collaborative Filtering using KNN
Collaborative Filtering using KNNCollaborative Filtering using KNN
Collaborative Filtering using KNN
 

Ähnlich wie Collaborative filtering for recommendation systems in Python, Nicolas Hug

The hunt for the perfect interface in a googlified world
The hunt for the perfect interface in a googlified worldThe hunt for the perfect interface in a googlified world
The hunt for the perfect interface in a googlified worldnabot
 
Penguins in-sweaters-or-serendipitous-entity-search-on-user-generated-content
Penguins in-sweaters-or-serendipitous-entity-search-on-user-generated-contentPenguins in-sweaters-or-serendipitous-entity-search-on-user-generated-content
Penguins in-sweaters-or-serendipitous-entity-search-on-user-generated-contentWenqiang Chen
 
Aut tace, Aut Loquere meliora Silentio (and the Likes)
Aut tace, Aut Loquere meliora Silentio (and the Likes) Aut tace, Aut Loquere meliora Silentio (and the Likes)
Aut tace, Aut Loquere meliora Silentio (and the Likes) Alfonso Pierantonio
 
Watching the workers: researching information behaviours in, and for, workplaces
Watching the workers: researching information behaviours in, and for, workplacesWatching the workers: researching information behaviours in, and for, workplaces
Watching the workers: researching information behaviours in, and for, workplacesHazel Hall
 
Tools and Tips for Analyzing Social Media Data
Tools and Tips for Analyzing Social Media DataTools and Tips for Analyzing Social Media Data
Tools and Tips for Analyzing Social Media DataShelly D. Farnham, Ph.D.
 
Upgrading the Scholarly Infrastructure
Upgrading the Scholarly InfrastructureUpgrading the Scholarly Infrastructure
Upgrading the Scholarly InfrastructureBjörn Brembs
 
Floral Stationery Set Purple Floral Statione
Floral Stationery Set Purple Floral StationeFloral Stationery Set Purple Floral Statione
Floral Stationery Set Purple Floral StationeTiffany Love
 
AI Driven Product Innovation
AI Driven Product InnovationAI Driven Product Innovation
AI Driven Product Innovationebelani
 
AI-driven product innovation: from Recommender Systems to COVID-19
AI-driven product innovation: from Recommender Systems to COVID-19AI-driven product innovation: from Recommender Systems to COVID-19
AI-driven product innovation: from Recommender Systems to COVID-19Xavier Amatriain
 
Discovering the future of podcasting
Discovering the future of podcastingDiscovering the future of podcasting
Discovering the future of podcastingAmber Parkin
 
ESSAY ON SECTION 5 INFORMAL PROCESSES AND DISCRETION (Due 11.docx
ESSAY ON SECTION 5 INFORMAL PROCESSES AND DISCRETION (Due 11.docxESSAY ON SECTION 5 INFORMAL PROCESSES AND DISCRETION (Due 11.docx
ESSAY ON SECTION 5 INFORMAL PROCESSES AND DISCRETION (Due 11.docxtheodorelove43763
 
Evaluating Explainable Interfaces for a Knowledge Graph-Based Recommender System
Evaluating Explainable Interfaces for a Knowledge Graph-Based Recommender SystemEvaluating Explainable Interfaces for a Knowledge Graph-Based Recommender System
Evaluating Explainable Interfaces for a Knowledge Graph-Based Recommender SystemErasmo Purificato
 
Personalizing the web building effective recommender systems
Personalizing the web building effective recommender systemsPersonalizing the web building effective recommender systems
Personalizing the web building effective recommender systemsAravindharamanan S
 
Statistical Analysis of Results in Music Information Retrieval: Why and How
Statistical Analysis of Results in Music Information Retrieval: Why and HowStatistical Analysis of Results in Music Information Retrieval: Why and How
Statistical Analysis of Results in Music Information Retrieval: Why and HowJulián Urbano
 
Understanding the Impact of the Role Factor in Collaborative Information Retr...
Understanding the Impact of the Role Factor in Collaborative Information Retr...Understanding the Impact of the Role Factor in Collaborative Information Retr...
Understanding the Impact of the Role Factor in Collaborative Information Retr...UPMC - Sorbonne Universities
 
Finding Your Literature Match - A Recommender System
Finding Your Literature Match - A Recommender SystemFinding Your Literature Match - A Recommender System
Finding Your Literature Match - A Recommender SystemEdwin Henneken
 
Frontiers of Computational Journalism week 3 - Information Filter Design
Frontiers of Computational Journalism week 3 - Information Filter DesignFrontiers of Computational Journalism week 3 - Information Filter Design
Frontiers of Computational Journalism week 3 - Information Filter DesignJonathan Stray
 

Ähnlich wie Collaborative filtering for recommendation systems in Python, Nicolas Hug (20)

The hunt for the perfect interface in a googlified world
The hunt for the perfect interface in a googlified worldThe hunt for the perfect interface in a googlified world
The hunt for the perfect interface in a googlified world
 
Scholarly Book Recommendation
Scholarly Book RecommendationScholarly Book Recommendation
Scholarly Book Recommendation
 
Penguins in-sweaters-or-serendipitous-entity-search-on-user-generated-content
Penguins in-sweaters-or-serendipitous-entity-search-on-user-generated-contentPenguins in-sweaters-or-serendipitous-entity-search-on-user-generated-content
Penguins in-sweaters-or-serendipitous-entity-search-on-user-generated-content
 
Aut tace, Aut Loquere meliora Silentio (and the Likes)
Aut tace, Aut Loquere meliora Silentio (and the Likes) Aut tace, Aut Loquere meliora Silentio (and the Likes)
Aut tace, Aut Loquere meliora Silentio (and the Likes)
 
Watching the workers: researching information behaviours in, and for, workplaces
Watching the workers: researching information behaviours in, and for, workplacesWatching the workers: researching information behaviours in, and for, workplaces
Watching the workers: researching information behaviours in, and for, workplaces
 
Tools and Tips for Analyzing Social Media Data
Tools and Tips for Analyzing Social Media DataTools and Tips for Analyzing Social Media Data
Tools and Tips for Analyzing Social Media Data
 
Mass media research
Mass media researchMass media research
Mass media research
 
Upgrading the Scholarly Infrastructure
Upgrading the Scholarly InfrastructureUpgrading the Scholarly Infrastructure
Upgrading the Scholarly Infrastructure
 
Floral Stationery Set Purple Floral Statione
Floral Stationery Set Purple Floral StationeFloral Stationery Set Purple Floral Statione
Floral Stationery Set Purple Floral Statione
 
AI Driven Product Innovation
AI Driven Product InnovationAI Driven Product Innovation
AI Driven Product Innovation
 
AI-driven product innovation: from Recommender Systems to COVID-19
AI-driven product innovation: from Recommender Systems to COVID-19AI-driven product innovation: from Recommender Systems to COVID-19
AI-driven product innovation: from Recommender Systems to COVID-19
 
Discovering the future of podcasting
Discovering the future of podcastingDiscovering the future of podcasting
Discovering the future of podcasting
 
ESSAY ON SECTION 5 INFORMAL PROCESSES AND DISCRETION (Due 11.docx
ESSAY ON SECTION 5 INFORMAL PROCESSES AND DISCRETION (Due 11.docxESSAY ON SECTION 5 INFORMAL PROCESSES AND DISCRETION (Due 11.docx
ESSAY ON SECTION 5 INFORMAL PROCESSES AND DISCRETION (Due 11.docx
 
Evaluating Explainable Interfaces for a Knowledge Graph-Based Recommender System
Evaluating Explainable Interfaces for a Knowledge Graph-Based Recommender SystemEvaluating Explainable Interfaces for a Knowledge Graph-Based Recommender System
Evaluating Explainable Interfaces for a Knowledge Graph-Based Recommender System
 
Personalizing the web building effective recommender systems
Personalizing the web building effective recommender systemsPersonalizing the web building effective recommender systems
Personalizing the web building effective recommender systems
 
Statistical Analysis of Results in Music Information Retrieval: Why and How
Statistical Analysis of Results in Music Information Retrieval: Why and HowStatistical Analysis of Results in Music Information Retrieval: Why and How
Statistical Analysis of Results in Music Information Retrieval: Why and How
 
exploring semantic means
exploring semantic meansexploring semantic means
exploring semantic means
 
Understanding the Impact of the Role Factor in Collaborative Information Retr...
Understanding the Impact of the Role Factor in Collaborative Information Retr...Understanding the Impact of the Role Factor in Collaborative Information Retr...
Understanding the Impact of the Role Factor in Collaborative Information Retr...
 
Finding Your Literature Match - A Recommender System
Finding Your Literature Match - A Recommender SystemFinding Your Literature Match - A Recommender System
Finding Your Literature Match - A Recommender System
 
Frontiers of Computational Journalism week 3 - Information Filter Design
Frontiers of Computational Journalism week 3 - Information Filter DesignFrontiers of Computational Journalism week 3 - Information Filter Design
Frontiers of Computational Journalism week 3 - Information Filter Design
 

Mehr von Pôle Systematic Paris-Region

OSIS19_IoT :Transparent remote connectivity to short-range IoT devices, by Na...
OSIS19_IoT :Transparent remote connectivity to short-range IoT devices, by Na...OSIS19_IoT :Transparent remote connectivity to short-range IoT devices, by Na...
OSIS19_IoT :Transparent remote connectivity to short-range IoT devices, by Na...Pôle Systematic Paris-Region
 
OSIS19_Cloud : SAFC: Scheduling and Allocation Framework for Containers in a ...
OSIS19_Cloud : SAFC: Scheduling and Allocation Framework for Containers in a ...OSIS19_Cloud : SAFC: Scheduling and Allocation Framework for Containers in a ...
OSIS19_Cloud : SAFC: Scheduling and Allocation Framework for Containers in a ...Pôle Systematic Paris-Region
 
OSIS19_Cloud : Qu’apporte l’observabilité à la gestion de configuration? par ...
OSIS19_Cloud : Qu’apporte l’observabilité à la gestion de configuration? par ...OSIS19_Cloud : Qu’apporte l’observabilité à la gestion de configuration? par ...
OSIS19_Cloud : Qu’apporte l’observabilité à la gestion de configuration? par ...Pôle Systematic Paris-Region
 
OSIS19_Cloud : Performance and power management in virtualized data centers, ...
OSIS19_Cloud : Performance and power management in virtualized data centers, ...OSIS19_Cloud : Performance and power management in virtualized data centers, ...
OSIS19_Cloud : Performance and power management in virtualized data centers, ...Pôle Systematic Paris-Region
 
OSIS19_Cloud : Des objets dans le cloud, et qui y restent -- L'expérience du ...
OSIS19_Cloud : Des objets dans le cloud, et qui y restent -- L'expérience du ...OSIS19_Cloud : Des objets dans le cloud, et qui y restent -- L'expérience du ...
OSIS19_Cloud : Des objets dans le cloud, et qui y restent -- L'expérience du ...Pôle Systematic Paris-Region
 
OSIS19_Cloud : Attribution automatique de ressources pour micro-services, Alt...
OSIS19_Cloud : Attribution automatique de ressources pour micro-services, Alt...OSIS19_Cloud : Attribution automatique de ressources pour micro-services, Alt...
OSIS19_Cloud : Attribution automatique de ressources pour micro-services, Alt...Pôle Systematic Paris-Region
 
OSIS19_IoT : State of the art in security for embedded systems and IoT, by Pi...
OSIS19_IoT : State of the art in security for embedded systems and IoT, by Pi...OSIS19_IoT : State of the art in security for embedded systems and IoT, by Pi...
OSIS19_IoT : State of the art in security for embedded systems and IoT, by Pi...Pôle Systematic Paris-Region
 
Osis19_IoT: Proof of Pointer Programs with Ownership in SPARK, by Yannick Moy
Osis19_IoT: Proof of Pointer Programs with Ownership in SPARK, by Yannick MoyOsis19_IoT: Proof of Pointer Programs with Ownership in SPARK, by Yannick Moy
Osis19_IoT: Proof of Pointer Programs with Ownership in SPARK, by Yannick MoyPôle Systematic Paris-Region
 
Osis18_Cloud : Virtualisation efficace d’architectures NUMA
Osis18_Cloud : Virtualisation efficace d’architectures NUMAOsis18_Cloud : Virtualisation efficace d’architectures NUMA
Osis18_Cloud : Virtualisation efficace d’architectures NUMAPôle Systematic Paris-Region
 
Osis18_Cloud : DeepTorrent Stockage distribué perenne basé sur Bittorrent
Osis18_Cloud : DeepTorrent Stockage distribué perenne basé sur BittorrentOsis18_Cloud : DeepTorrent Stockage distribué perenne basé sur Bittorrent
Osis18_Cloud : DeepTorrent Stockage distribué perenne basé sur BittorrentPôle Systematic Paris-Region
 
OSIS18_IoT: L'approche machine virtuelle pour les microcontrôleurs, le projet...
OSIS18_IoT: L'approche machine virtuelle pour les microcontrôleurs, le projet...OSIS18_IoT: L'approche machine virtuelle pour les microcontrôleurs, le projet...
OSIS18_IoT: L'approche machine virtuelle pour les microcontrôleurs, le projet...Pôle Systematic Paris-Region
 
OSIS18_IoT: La securite des objets connectes a bas cout avec l'os et riot
OSIS18_IoT: La securite des objets connectes a bas cout avec l'os et riotOSIS18_IoT: La securite des objets connectes a bas cout avec l'os et riot
OSIS18_IoT: La securite des objets connectes a bas cout avec l'os et riotPôle Systematic Paris-Region
 
OSIS18_IoT : Solution de mise au point pour les systemes embarques, par Julio...
OSIS18_IoT : Solution de mise au point pour les systemes embarques, par Julio...OSIS18_IoT : Solution de mise au point pour les systemes embarques, par Julio...
OSIS18_IoT : Solution de mise au point pour les systemes embarques, par Julio...Pôle Systematic Paris-Region
 
OSIS18_IoT : Securisation du reseau des objets connectes, par Nicolas LE SAUZ...
OSIS18_IoT : Securisation du reseau des objets connectes, par Nicolas LE SAUZ...OSIS18_IoT : Securisation du reseau des objets connectes, par Nicolas LE SAUZ...
OSIS18_IoT : Securisation du reseau des objets connectes, par Nicolas LE SAUZ...Pôle Systematic Paris-Region
 
OSIS18_IoT : Ada and SPARK - Defense in Depth for Safe Micro-controller Progr...
OSIS18_IoT : Ada and SPARK - Defense in Depth for Safe Micro-controller Progr...OSIS18_IoT : Ada and SPARK - Defense in Depth for Safe Micro-controller Progr...
OSIS18_IoT : Ada and SPARK - Defense in Depth for Safe Micro-controller Progr...Pôle Systematic Paris-Region
 
OSIS18_IoT : RTEMS pour l'IoT professionnel, par Pierre Ficheux (Smile ECS)
OSIS18_IoT : RTEMS pour l'IoT professionnel, par Pierre Ficheux (Smile ECS)OSIS18_IoT : RTEMS pour l'IoT professionnel, par Pierre Ficheux (Smile ECS)
OSIS18_IoT : RTEMS pour l'IoT professionnel, par Pierre Ficheux (Smile ECS)Pôle Systematic Paris-Region
 
PyParis2017 / Python pour les enseignants des classes préparatoires, by Olivi...
PyParis2017 / Python pour les enseignants des classes préparatoires, by Olivi...PyParis2017 / Python pour les enseignants des classes préparatoires, by Olivi...
PyParis2017 / Python pour les enseignants des classes préparatoires, by Olivi...Pôle Systematic Paris-Region
 

Mehr von Pôle Systematic Paris-Region (20)

OSIS19_IoT :Transparent remote connectivity to short-range IoT devices, by Na...
OSIS19_IoT :Transparent remote connectivity to short-range IoT devices, by Na...OSIS19_IoT :Transparent remote connectivity to short-range IoT devices, by Na...
OSIS19_IoT :Transparent remote connectivity to short-range IoT devices, by Na...
 
OSIS19_Cloud : SAFC: Scheduling and Allocation Framework for Containers in a ...
OSIS19_Cloud : SAFC: Scheduling and Allocation Framework for Containers in a ...OSIS19_Cloud : SAFC: Scheduling and Allocation Framework for Containers in a ...
OSIS19_Cloud : SAFC: Scheduling and Allocation Framework for Containers in a ...
 
OSIS19_Cloud : Qu’apporte l’observabilité à la gestion de configuration? par ...
OSIS19_Cloud : Qu’apporte l’observabilité à la gestion de configuration? par ...OSIS19_Cloud : Qu’apporte l’observabilité à la gestion de configuration? par ...
OSIS19_Cloud : Qu’apporte l’observabilité à la gestion de configuration? par ...
 
OSIS19_Cloud : Performance and power management in virtualized data centers, ...
OSIS19_Cloud : Performance and power management in virtualized data centers, ...OSIS19_Cloud : Performance and power management in virtualized data centers, ...
OSIS19_Cloud : Performance and power management in virtualized data centers, ...
 
OSIS19_Cloud : Des objets dans le cloud, et qui y restent -- L'expérience du ...
OSIS19_Cloud : Des objets dans le cloud, et qui y restent -- L'expérience du ...OSIS19_Cloud : Des objets dans le cloud, et qui y restent -- L'expérience du ...
OSIS19_Cloud : Des objets dans le cloud, et qui y restent -- L'expérience du ...
 
OSIS19_Cloud : Attribution automatique de ressources pour micro-services, Alt...
OSIS19_Cloud : Attribution automatique de ressources pour micro-services, Alt...OSIS19_Cloud : Attribution automatique de ressources pour micro-services, Alt...
OSIS19_Cloud : Attribution automatique de ressources pour micro-services, Alt...
 
OSIS19_IoT : State of the art in security for embedded systems and IoT, by Pi...
OSIS19_IoT : State of the art in security for embedded systems and IoT, by Pi...OSIS19_IoT : State of the art in security for embedded systems and IoT, by Pi...
OSIS19_IoT : State of the art in security for embedded systems and IoT, by Pi...
 
Osis19_IoT: Proof of Pointer Programs with Ownership in SPARK, by Yannick Moy
Osis19_IoT: Proof of Pointer Programs with Ownership in SPARK, by Yannick MoyOsis19_IoT: Proof of Pointer Programs with Ownership in SPARK, by Yannick Moy
Osis19_IoT: Proof of Pointer Programs with Ownership in SPARK, by Yannick Moy
 
Osis18_Cloud : Pas de commun sans communauté ?
Osis18_Cloud : Pas de commun sans communauté ?Osis18_Cloud : Pas de commun sans communauté ?
Osis18_Cloud : Pas de commun sans communauté ?
 
Osis18_Cloud : Projet Wolphin
Osis18_Cloud : Projet Wolphin Osis18_Cloud : Projet Wolphin
Osis18_Cloud : Projet Wolphin
 
Osis18_Cloud : Virtualisation efficace d’architectures NUMA
Osis18_Cloud : Virtualisation efficace d’architectures NUMAOsis18_Cloud : Virtualisation efficace d’architectures NUMA
Osis18_Cloud : Virtualisation efficace d’architectures NUMA
 
Osis18_Cloud : DeepTorrent Stockage distribué perenne basé sur Bittorrent
Osis18_Cloud : DeepTorrent Stockage distribué perenne basé sur BittorrentOsis18_Cloud : DeepTorrent Stockage distribué perenne basé sur Bittorrent
Osis18_Cloud : DeepTorrent Stockage distribué perenne basé sur Bittorrent
 
Osis18_Cloud : Software-heritage
Osis18_Cloud : Software-heritageOsis18_Cloud : Software-heritage
Osis18_Cloud : Software-heritage
 
OSIS18_IoT: L'approche machine virtuelle pour les microcontrôleurs, le projet...
OSIS18_IoT: L'approche machine virtuelle pour les microcontrôleurs, le projet...OSIS18_IoT: L'approche machine virtuelle pour les microcontrôleurs, le projet...
OSIS18_IoT: L'approche machine virtuelle pour les microcontrôleurs, le projet...
 
OSIS18_IoT: La securite des objets connectes a bas cout avec l'os et riot
OSIS18_IoT: La securite des objets connectes a bas cout avec l'os et riotOSIS18_IoT: La securite des objets connectes a bas cout avec l'os et riot
OSIS18_IoT: La securite des objets connectes a bas cout avec l'os et riot
 
OSIS18_IoT : Solution de mise au point pour les systemes embarques, par Julio...
OSIS18_IoT : Solution de mise au point pour les systemes embarques, par Julio...OSIS18_IoT : Solution de mise au point pour les systemes embarques, par Julio...
OSIS18_IoT : Solution de mise au point pour les systemes embarques, par Julio...
 
OSIS18_IoT : Securisation du reseau des objets connectes, par Nicolas LE SAUZ...
OSIS18_IoT : Securisation du reseau des objets connectes, par Nicolas LE SAUZ...OSIS18_IoT : Securisation du reseau des objets connectes, par Nicolas LE SAUZ...
OSIS18_IoT : Securisation du reseau des objets connectes, par Nicolas LE SAUZ...
 
OSIS18_IoT : Ada and SPARK - Defense in Depth for Safe Micro-controller Progr...
OSIS18_IoT : Ada and SPARK - Defense in Depth for Safe Micro-controller Progr...OSIS18_IoT : Ada and SPARK - Defense in Depth for Safe Micro-controller Progr...
OSIS18_IoT : Ada and SPARK - Defense in Depth for Safe Micro-controller Progr...
 
OSIS18_IoT : RTEMS pour l'IoT professionnel, par Pierre Ficheux (Smile ECS)
OSIS18_IoT : RTEMS pour l'IoT professionnel, par Pierre Ficheux (Smile ECS)OSIS18_IoT : RTEMS pour l'IoT professionnel, par Pierre Ficheux (Smile ECS)
OSIS18_IoT : RTEMS pour l'IoT professionnel, par Pierre Ficheux (Smile ECS)
 
PyParis2017 / Python pour les enseignants des classes préparatoires, by Olivi...
PyParis2017 / Python pour les enseignants des classes préparatoires, by Olivi...PyParis2017 / Python pour les enseignants des classes préparatoires, by Olivi...
PyParis2017 / Python pour les enseignants des classes préparatoires, by Olivi...
 

Kürzlich hochgeladen

MuleSoft Online Meetup Group - B2B Crash Course: Release SparkNotes
MuleSoft Online Meetup Group - B2B Crash Course: Release SparkNotesMuleSoft Online Meetup Group - B2B Crash Course: Release SparkNotes
MuleSoft Online Meetup Group - B2B Crash Course: Release SparkNotesManik S Magar
 
Potential of AI (Generative AI) in Business: Learnings and Insights
Potential of AI (Generative AI) in Business: Learnings and InsightsPotential of AI (Generative AI) in Business: Learnings and Insights
Potential of AI (Generative AI) in Business: Learnings and InsightsRavi Sanghani
 
Microsoft 365 Copilot: How to boost your productivity with AI – Part two: Dat...
Microsoft 365 Copilot: How to boost your productivity with AI – Part two: Dat...Microsoft 365 Copilot: How to boost your productivity with AI – Part two: Dat...
Microsoft 365 Copilot: How to boost your productivity with AI – Part two: Dat...Nikki Chapple
 
Abdul Kader Baba- Managing Cybersecurity Risks and Compliance Requirements i...
Abdul Kader Baba- Managing Cybersecurity Risks  and Compliance Requirements i...Abdul Kader Baba- Managing Cybersecurity Risks  and Compliance Requirements i...
Abdul Kader Baba- Managing Cybersecurity Risks and Compliance Requirements i...itnewsafrica
 
Assure Ecommerce and Retail Operations Uptime with ThousandEyes
Assure Ecommerce and Retail Operations Uptime with ThousandEyesAssure Ecommerce and Retail Operations Uptime with ThousandEyes
Assure Ecommerce and Retail Operations Uptime with ThousandEyesThousandEyes
 
A Glance At The Java Performance Toolbox
A Glance At The Java Performance ToolboxA Glance At The Java Performance Toolbox
A Glance At The Java Performance ToolboxAna-Maria Mihalceanu
 
Accelerating Enterprise Software Engineering with Platformless
Accelerating Enterprise Software Engineering with PlatformlessAccelerating Enterprise Software Engineering with Platformless
Accelerating Enterprise Software Engineering with PlatformlessWSO2
 
Tampa BSides - The No BS SOC (slides from April 6, 2024 talk)
Tampa BSides - The No BS SOC (slides from April 6, 2024 talk)Tampa BSides - The No BS SOC (slides from April 6, 2024 talk)
Tampa BSides - The No BS SOC (slides from April 6, 2024 talk)Mark Simos
 
WomenInAutomation2024: AI and Automation for eveyone
WomenInAutomation2024: AI and Automation for eveyoneWomenInAutomation2024: AI and Automation for eveyone
WomenInAutomation2024: AI and Automation for eveyoneUiPathCommunity
 
Emixa Mendix Meetup 11 April 2024 about Mendix Native development
Emixa Mendix Meetup 11 April 2024 about Mendix Native developmentEmixa Mendix Meetup 11 April 2024 about Mendix Native development
Emixa Mendix Meetup 11 April 2024 about Mendix Native developmentPim van der Noll
 
Modern Roaming for Notes and Nomad – Cheaper Faster Better Stronger
Modern Roaming for Notes and Nomad – Cheaper Faster Better StrongerModern Roaming for Notes and Nomad – Cheaper Faster Better Stronger
Modern Roaming for Notes and Nomad – Cheaper Faster Better Strongerpanagenda
 
Design pattern talk by Kaya Weers - 2024 (v2)
Design pattern talk by Kaya Weers - 2024 (v2)Design pattern talk by Kaya Weers - 2024 (v2)
Design pattern talk by Kaya Weers - 2024 (v2)Kaya Weers
 
Microsoft 365 Copilot: How to boost your productivity with AI – Part one: Ado...
Microsoft 365 Copilot: How to boost your productivity with AI – Part one: Ado...Microsoft 365 Copilot: How to boost your productivity with AI – Part one: Ado...
Microsoft 365 Copilot: How to boost your productivity with AI – Part one: Ado...Nikki Chapple
 
The Future Roadmap for the Composable Data Stack - Wes McKinney - Data Counci...
The Future Roadmap for the Composable Data Stack - Wes McKinney - Data Counci...The Future Roadmap for the Composable Data Stack - Wes McKinney - Data Counci...
The Future Roadmap for the Composable Data Stack - Wes McKinney - Data Counci...Wes McKinney
 
2024 April Patch Tuesday
2024 April Patch Tuesday2024 April Patch Tuesday
2024 April Patch TuesdayIvanti
 
React JS; all concepts. Contains React Features, JSX, functional & Class comp...
React JS; all concepts. Contains React Features, JSX, functional & Class comp...React JS; all concepts. Contains React Features, JSX, functional & Class comp...
React JS; all concepts. Contains React Features, JSX, functional & Class comp...Karmanjay Verma
 
Digital Tools & AI in Career Development
Digital Tools & AI in Career DevelopmentDigital Tools & AI in Career Development
Digital Tools & AI in Career DevelopmentMahmoud Rabie
 
Generative Artificial Intelligence: How generative AI works.pdf
Generative Artificial Intelligence: How generative AI works.pdfGenerative Artificial Intelligence: How generative AI works.pdf
Generative Artificial Intelligence: How generative AI works.pdfIngrid Airi González
 
Unleashing Real-time Insights with ClickHouse_ Navigating the Landscape in 20...
Unleashing Real-time Insights with ClickHouse_ Navigating the Landscape in 20...Unleashing Real-time Insights with ClickHouse_ Navigating the Landscape in 20...
Unleashing Real-time Insights with ClickHouse_ Navigating the Landscape in 20...Alkin Tezuysal
 

Kürzlich hochgeladen (20)

MuleSoft Online Meetup Group - B2B Crash Course: Release SparkNotes
MuleSoft Online Meetup Group - B2B Crash Course: Release SparkNotesMuleSoft Online Meetup Group - B2B Crash Course: Release SparkNotes
MuleSoft Online Meetup Group - B2B Crash Course: Release SparkNotes
 
Potential of AI (Generative AI) in Business: Learnings and Insights
Potential of AI (Generative AI) in Business: Learnings and InsightsPotential of AI (Generative AI) in Business: Learnings and Insights
Potential of AI (Generative AI) in Business: Learnings and Insights
 
Microsoft 365 Copilot: How to boost your productivity with AI – Part two: Dat...
Microsoft 365 Copilot: How to boost your productivity with AI – Part two: Dat...Microsoft 365 Copilot: How to boost your productivity with AI – Part two: Dat...
Microsoft 365 Copilot: How to boost your productivity with AI – Part two: Dat...
 
Abdul Kader Baba- Managing Cybersecurity Risks and Compliance Requirements i...
Abdul Kader Baba- Managing Cybersecurity Risks  and Compliance Requirements i...Abdul Kader Baba- Managing Cybersecurity Risks  and Compliance Requirements i...
Abdul Kader Baba- Managing Cybersecurity Risks and Compliance Requirements i...
 
Assure Ecommerce and Retail Operations Uptime with ThousandEyes
Assure Ecommerce and Retail Operations Uptime with ThousandEyesAssure Ecommerce and Retail Operations Uptime with ThousandEyes
Assure Ecommerce and Retail Operations Uptime with ThousandEyes
 
A Glance At The Java Performance Toolbox
A Glance At The Java Performance ToolboxA Glance At The Java Performance Toolbox
A Glance At The Java Performance Toolbox
 
Accelerating Enterprise Software Engineering with Platformless
Accelerating Enterprise Software Engineering with PlatformlessAccelerating Enterprise Software Engineering with Platformless
Accelerating Enterprise Software Engineering with Platformless
 
Tampa BSides - The No BS SOC (slides from April 6, 2024 talk)
Tampa BSides - The No BS SOC (slides from April 6, 2024 talk)Tampa BSides - The No BS SOC (slides from April 6, 2024 talk)
Tampa BSides - The No BS SOC (slides from April 6, 2024 talk)
 
WomenInAutomation2024: AI and Automation for eveyone
WomenInAutomation2024: AI and Automation for eveyoneWomenInAutomation2024: AI and Automation for eveyone
WomenInAutomation2024: AI and Automation for eveyone
 
Emixa Mendix Meetup 11 April 2024 about Mendix Native development
Emixa Mendix Meetup 11 April 2024 about Mendix Native developmentEmixa Mendix Meetup 11 April 2024 about Mendix Native development
Emixa Mendix Meetup 11 April 2024 about Mendix Native development
 
Modern Roaming for Notes and Nomad – Cheaper Faster Better Stronger
Modern Roaming for Notes and Nomad – Cheaper Faster Better StrongerModern Roaming for Notes and Nomad – Cheaper Faster Better Stronger
Modern Roaming for Notes and Nomad – Cheaper Faster Better Stronger
 
Design pattern talk by Kaya Weers - 2024 (v2)
Design pattern talk by Kaya Weers - 2024 (v2)Design pattern talk by Kaya Weers - 2024 (v2)
Design pattern talk by Kaya Weers - 2024 (v2)
 
Microsoft 365 Copilot: How to boost your productivity with AI – Part one: Ado...
Microsoft 365 Copilot: How to boost your productivity with AI – Part one: Ado...Microsoft 365 Copilot: How to boost your productivity with AI – Part one: Ado...
Microsoft 365 Copilot: How to boost your productivity with AI – Part one: Ado...
 
The Future Roadmap for the Composable Data Stack - Wes McKinney - Data Counci...
The Future Roadmap for the Composable Data Stack - Wes McKinney - Data Counci...The Future Roadmap for the Composable Data Stack - Wes McKinney - Data Counci...
The Future Roadmap for the Composable Data Stack - Wes McKinney - Data Counci...
 
2024 April Patch Tuesday
2024 April Patch Tuesday2024 April Patch Tuesday
2024 April Patch Tuesday
 
How Tech Giants Cut Corners to Harvest Data for A.I.
How Tech Giants Cut Corners to Harvest Data for A.I.How Tech Giants Cut Corners to Harvest Data for A.I.
How Tech Giants Cut Corners to Harvest Data for A.I.
 
React JS; all concepts. Contains React Features, JSX, functional & Class comp...
React JS; all concepts. Contains React Features, JSX, functional & Class comp...React JS; all concepts. Contains React Features, JSX, functional & Class comp...
React JS; all concepts. Contains React Features, JSX, functional & Class comp...
 
Digital Tools & AI in Career Development
Digital Tools & AI in Career DevelopmentDigital Tools & AI in Career Development
Digital Tools & AI in Career Development
 
Generative Artificial Intelligence: How generative AI works.pdf
Generative Artificial Intelligence: How generative AI works.pdfGenerative Artificial Intelligence: How generative AI works.pdf
Generative Artificial Intelligence: How generative AI works.pdf
 
Unleashing Real-time Insights with ClickHouse_ Navigating the Landscape in 20...
Unleashing Real-time Insights with ClickHouse_ Navigating the Landscape in 20...Unleashing Real-time Insights with ClickHouse_ Navigating the Landscape in 20...
Unleashing Real-time Insights with ClickHouse_ Navigating the Landscape in 20...
 

Collaborative filtering for recommendation systems in Python, Nicolas Hug