Questions tagged [bayesian-networks]

A Bayesian network, Bayes network, belief network or directed acyclic graphical model is a probabilistic graphical model that represents a set of random variables and their conditional dependencies via a directed acyclic graph (DAG).

bayesian-networks
Filter by
Sorted by
Tagged with
54 votes
1 answer
83k views

Decision tree vs. Naive Bayes classifier [closed]

I am doing some research about different data mining techniques and came across something that I could not figure out. If any one have any idea that would be great. In which cases is it better to use ...
Y2theZ's user avatar
  • 10.3k
34 votes
4 answers
9k views

pythonic implementation of Bayesian networks for a specific application

This is why I'm asking this question: Last year I made some C++ code to compute posterior probabilities for a particular type of model (described by a Bayesian network). The model worked pretty well ...
user's user avatar
  • 7,203
31 votes
3 answers
31k views

What is the difference between a Bayesian network and a naive Bayes classifier?

What is the difference between a Bayesian network and a Naive Bayes classifier? I noticed one is just implemented in Matlab as classify the other has an entire net toolbox. If you could explain in ...
G Gr's user avatar
  • 6,050
30 votes
5 answers
31k views

Create Bayesian Network and learn parameters with Python3.x [closed]

I'm searching for the most appropriate tool for python3.x on Windows to create a Bayesian Network, learn its parameters from data and perform the inference. The network structure I want to define ...
Spu's user avatar
  • 483
18 votes
6 answers
9k views

Bayesian spam filtering library for Python

I am looking for a Python library which does Bayesian Spam Filtering. I looked at SpamBayes and OpenBayes, but both seem to be unmaintained (I might be wrong). Can anyone suggest a good Python (or ...
Baishampayan Ghose's user avatar
17 votes
4 answers
5k views

What is the difference between causal models and directed graphical models?

What is the difference between causal models and directed graphical models? What is the difference between causal relationships and directed probabilistic relationships? More concretely, what would ...
Neil G's user avatar
  • 32.6k
16 votes
3 answers
7k views

Library for Bayesian Networks [closed]

Hello fellow Number crunchers As the headline suggests, I am looking for a library for learning and inference of Bayesian Networks. I have already found some, but I am hoping for a recommendation. ...
steffen's user avatar
  • 2,172
16 votes
5 answers
6k views

Learning and using augmented Bayes classifiers in python

I'm trying to use a forest (or tree) augmented Bayes classifier (Original introduction, Learning) in python (preferably python 3, but python 2 would also be acceptable), first learning it (both ...
Anaphory's user avatar
  • 6,231
14 votes
8 answers
15k views

Bayesian networks tutorial [closed]

For a beginner, which is the best book to start with for studying Bayesian Networks?
lmsasu's user avatar
  • 7,516
11 votes
2 answers
9k views

Bayesian Network with R

I am trying to build a Bayesian network model. However I am unable to install a suitable package. Tried gRain, bnlearn and Rgraphviz for plotting. I have tried in R 2.15 and 3.2 Following are the ...
Learner's user avatar
  • 157
11 votes
4 answers
7k views

Variational Autoencoder gives same output image for every input mnist image when using KL divergence

When not using KL divergence term, the VAE reconstructs mnist images almost perfectly but fails to generate new ones properly when provided with random noise. When using KL divergence term, the VAE ...
Cracin's user avatar
  • 513
10 votes
3 answers
12k views

What is the relationship between bayesian and neural networks?

I'm looking for computationally heavy tasks to implement with CUDA and wonder if neural networks or bayesian networks might apply. This is not my question, though, but rather what the relation between ...
Morten Christiansen's user avatar
9 votes
5 answers
3k views

Bayesian networks in Scala [closed]

I'm looking for a library to create Bayes nets and perform learning and inference on them in Scala (or Java, in case of lack of a better solution). The library should be actively maintained, ...
em70's user avatar
  • 6,073
9 votes
1 answer
3k views

Belief Propagation Implementation

I am trying to implement Bayesian Networks. My main graph is a factor graph that I want to use for belief propagation. But, in belief propagation when calculating messages, not all the arguments are ...
Cupitor's user avatar
  • 11.3k
8 votes
2 answers
3k views

What does a Bayesian Classifier score represent?

I'm using the ruby classifier gem whose classifications method returns the scores for a given string classified against the trained model. Is the score a percentage? If so, is the maximum difference ...
Mike Buckbee's user avatar
  • 6,853
8 votes
1 answer
1k views

Free Energy Reinforcement Learning Implementation

I've been trying to implement the algorithm described here, and then test it on the "large action task" described in the same paper. Overview of the algorithm: In brief, the algorithm uses an RBM of ...
zergylord's user avatar
  • 4,398
8 votes
0 answers
210 views

pymc warning: value is neither numerical nor array with floating-point dtype

I have a Bayes net (DAG) model which I created using pymc 2.3. All the variables in it are Bernoulli random variables. When I call the MAP.fit() method on it before sampling I get the following ...
Yair's user avatar
  • 1,345
8 votes
3 answers
2k views

Using bnlearn Function "cpquery" Within a Loop

I'm attempting to use the bnlearn package to calculate conditional probabilities, and I'm running into a problem when the "cpquery" function is used within a loop. I've created an example, shown below,...
H2O_Research's user avatar
7 votes
1 answer
2k views

How to model a Bayesian network or, more generally, a directed weighted graph, in SQL?

I found a few articles online providing examples of how to model graphs of various kinds (DAGs, in particular) in SQL, but they all seemed enormously complex, given the relative simplicity of what ...
Ben's user avatar
  • 67.7k
7 votes
2 answers
3k views

Why does Markov blanket contain the children's parents?

I am quite confused about why Markov blanket contains children's parents. Wikipedia says its children's parents also have to be included, because they can be used to explain away the node in ...
Maybe's user avatar
  • 2,219
7 votes
1 answer
4k views

How to learn a Bayesian Network (structure+parameters) with the WEKA API?

Does anyone know the "proper" procedure to learn a Bayesian Network from data using the WEKA API? I can't find good instructions in the WEKA documentation. Based on the documentation and what each ...
trutheality's user avatar
  • 23.3k
7 votes
1 answer
771 views

Use Google Go's Goroutines To Create A Bayes Network

I have a large dataset of philosophic arguments, each of which connect to other arguments as proof or disproof of a given statement. A root statement can have many proofs and disproofs, each of which ...
Ajax's user avatar
  • 2,495
7 votes
1 answer
1k views

Does scikit-learn have Bayes Net ? If yes is there an implementation for reference

I need to classify the data using BayesNet in Python. I have used scikit learn for other classifiers like Random Forests, SVM etc. I know it has Naive Bayes but I am looking for Bayesian Network alone....
user2151788's user avatar
6 votes
5 answers
3k views

Bayesian network in Python: both construction and sampling

For a project, I need to create synthetic categorical data containing specific dependencies between the attributes. This can be done by sampling from a pre-defined Bayesian Network. After some ...
Rutger Mauritz's user avatar
6 votes
2 answers
5k views

Implement Bayes Net

Is there any c or java example implementing Bayesian Net? I want to solve some things but Do not where to start?.
edgarmtze's user avatar
  • 24.9k
6 votes
0 answers
670 views

How to use pymc to parameterize a probabilistic graphical model?

How can one use pymc to parameterize a probabilistic graphical model? Suppose I have a PGM with two nodes X and Y. Lets say X->Y is the graph. And X takes two values {0,1}, and Y also takes two ...
udai's user avatar
  • 126
5 votes
1 answer
2k views

bnlearn + Rgraphviz: double arrows instead of undirected edges when customizing plots

I am trying to customize a plot of a graph learned with bnlearn using RGraphviz. When I have undirected edges, RGraphviz turns them into directed edges to both directions when I try to customize the ...
jcp's user avatar
  • 799
5 votes
1 answer
3k views

How to increase the size of the text in a Bayesian network plot with bnlearn in R

I am trying to draw a Bsyesian Network in R with bnlearn. Here is the my R code library(bnlearn) library(Rgraphviz) first_variable <- rnorm(100) second_variable <- rnorm(100) third_variable &...
Günal's user avatar
  • 751
5 votes
1 answer
6k views

Import WEKA model to MATLAB

Does anyone know how to reuse a WEKA model in MATLAB? I've recently created a Bayes Net model in WEKA, and I want to import that model in MATLAB so I can re-create the Bayesian Network in MATLAB. ...
cjxh's user avatar
  • 303
5 votes
3 answers
305 views

AI / Statistical methods for determining the name of a colour

I'm thinking about writing a little library to make a guess at the name of an (RGB value) colour, from a predetermined list of candidates. My first attempt was based purely on pythagorean distance ...
mistertim's user avatar
  • 5,193
5 votes
1 answer
3k views

Test for conditional independence in python as part of the PC algorithm

I'm implementing the PC algorithm in python. Such algorithm constructs the graphical model of a n-variate gaussian distribution. This graphical model is basically the skeleton of a directed acyclic ...
Alex Foglia's user avatar
5 votes
4 answers
2k views

Is there a java alternative to the Bayesian Belief Network Framework "Infer.NET"?

Is the are java alternative to Bayesian Belief Network framework - Infer.NET? Preferable if it be scalable(online learning for large datasets), well-supported(last updated since 2010) and open source ...
yura's user avatar
  • 14.6k
5 votes
3 answers
5k views

Sample from a Bayesian network in pomegranate

I constructed a Bayesian network using from_samples() in pomegranate. I'm able to get maximally likely predictions from the model using model.predict(). I wanted to know if there is a way to sample ...
Utkarsh Mall's user avatar
5 votes
1 answer
2k views

General purpose algorithm for triangulating an undirected graph?

I am playing around with implementing a junction tree algorithm for belief propagation on a Bayesian Network. I'm struggling a bit with triangulating the graph so the junction trees can be formed. I ...
Joe Holloway's user avatar
  • 28.7k
5 votes
0 answers
689 views

Trying to implement a Bayesian neural net with edward

I am trying to apply the Bayesian neural network for non-linear regression presented by Torsten Scholak at PyCon to some real world data and I am getting some weird results. The fit is ok up to a ...
Tristan Greenwood's user avatar
4 votes
1 answer
855 views

bnlearn::bn.fit difference and calculation of methods "mle" and "bayes"

I try to understand the differences between the two methods bayes and mle in the bn.fit function of the package bnlearn. I know about the debate between the frequentist and the bayesian approach on ...
locom's user avatar
  • 115
4 votes
2 answers
425 views

Using c#,c/c++ or java to improve BBN with GA

I have a little problem in my little project , I wish that someone here could help me! I am planning to use a bayesian network as a decision factor in my game AI and I want to improve the decision ...
radu florescu's user avatar
4 votes
1 answer
960 views

Inference in Gaussian Bayesian Network

I am having some problem related to Partial Abductive Inference in Gaussian Bayesian Networks (Bayesian Networks which accommodates the continuous nature of the random variables and follow jointly a ...
Sandipan Karmakar's user avatar
4 votes
2 answers
755 views

Designing bayesian networks

I have a basic question about Bayesian networks. Let's assume we have an engine, that with 1/3 probability can stop working. I'll call this variable ENGINE. If it stops working, then your car doesn't ...
devoured elysium's user avatar
4 votes
2 answers
924 views

Document Classification using Naive Bayes classifier

I am making a document classifier in mahout using the simple naive bayes algorithm. Currently, 98% of the data(documents) I have is of Class A and only 2% is of class B. My question is, since there is ...
user1943079's user avatar
4 votes
1 answer
7k views

What is the difference between a Decision Tree and a Bayesian Network?

If I understand it right, both use Bayes Theorem to generate an acyclic graph and calculate percentages based on functions applied at every node. What is the difference?
iceburn's user avatar
  • 1,007
4 votes
0 answers
379 views

Discrete Bayesian network on Tensorflow Probability, Edward2, and Python

I have a simple Bayesian network: state / \ / \ V V signal_1 signal_2 with random variables "state", "signal_1", and "signal_2" with corresponding ...
oleg1551's user avatar
4 votes
0 answers
218 views

Struggling to implement an extremely basic (3 categorical variables) Bayesian network using PYMC3

I'm trying to set up a simplified version of the Bayesian network here with only 3 categorical variables, and then do inference on that. The idea is that D3 is a child of D1 and D2, I'm setting D3=0, ...
JohnDoeVsJoeSchmoe's user avatar
4 votes
0 answers
3k views

bayesian network learning and inference in R for continuous variables

How can I do bayesian structure learning and inference for continuous variables with R? I was using the 'bnlearn' package as follows: For structure learning using the Hill Climbing algorithm , I do ...
tubby's user avatar
  • 2,104
4 votes
1 answer
107 views

Looking for guidance on multi-part graphical gesture recognition

I'm trying to research existing works in the area of recognizing complex graphical gestures, but struggling to find good search terms or clear documents in the field. For example, I might want to ...
Alex Pritchard's user avatar
3 votes
3 answers
9k views

Open Source Naïve Bayes Classifier written in Java [closed]

I'm looking for an Open Source Naïve Bayes Classifier library written in Java. Would appreciate any help in finding one. Is Naïve Bayes Classifier the same as Bayesian Network?
Guy's user avatar
  • 5,450
3 votes
1 answer
7k views

How can I get unique words from a DataFrame column of strings?

I'm looking for a way to get a list of unique words in a column of strings in a DataFrame. import pandas as pd import numpy as np df = pd.read_csv('FinalStemmedSentimentAnalysisDataset.csv', sep=';',...
Panda.V5's user avatar
3 votes
3 answers
3k views

Confusion Matrix of Bayesian Network

I'm trying to understand bayesian network. I have a data file which has 10 attributes, I want to acquire the confusion table of this data table ,I thought I need to calculate tp,fp, fn, tn of all ...
iva123's user avatar
  • 3,465
3 votes
5 answers
2k views

Visualization of a highly linked graph with neo4j

I'm using Neo4j for a research project and am struggling with a small problem. The underlying data is a highly linked graph and I'm not able to visualize it in a good manner. As you can see in the ...
Stefan Medack's user avatar
3 votes
1 answer
5k views

How do I calculate conditional probabilities from data

I'm doing a naive Bayes in Matlab, and it was all good until they said I needed the conditional probabilities. Now I know the formula for conditional p(A|B) = P(A and B)/p(B), but when I have data to ...
Pedro.Alonso's user avatar
  • 1,006

1
2 3 4 5
9