Code Monkey home page Code Monkey logo

kochlisgit / prophitbet-soccer-bets-predictor Goto Github PK

View Code? Open in Web Editor NEW
266.0 22.0 96.0 3.51 MB

ProphitBet is a Machine Learning Soccer Bet prediction application. It analyzes the form of teams, computes match statistics and predicts the outcomes of a match using Advanced Machine Learning (ML) methods. The supported algorithms in this application are Neural Networks, Random Forests & Ensembl Models.

License: MIT License

Python 80.15% Tcl 19.85%
soccer statistics feature-analysis deep-neural-networks feature-importance imbalanced-learning interpretability-methods machine-learning-algorithms neural-network random-forest

prophitbet-soccer-bets-predictor's Introduction

Header Image

I am a graduated student of University of Ioannina with a master in Computer Science & Engineering. I am passionate about creating AI models to make predicitons and solve real-world problems. Some of the technologies that I enjoy working with include Tensorflow & Keras framework for deploying state-of-the-art DNNs and CNNs, as well as cutting-edge DRL agents. Also, I've become quite familiar with OpenCV and SKlearn libraries for Computer Vision and Data Processing after having done a lot of projects in my class, in my own and in Kaggle's competetions. Currently, I am doing research in Autonomous Vehicles, in which I deploy DRL algorithms to build self-driving cars in Carla simulator.

Skills

  • Programming Languages (R, Python, Java, C, C++)
  • Software Development in Multiple Platforms (JavaFX)
  • Networking, Multi-Threading & Parallel Programming (Java, C)
  • Web Development (HTML, CSS, JavaScript, Bootstrap, Spring Boot)
  • Android Development (Android Studio)
  • SQLite, PostgreSQL, Lucene & Database Algorithms (Java, Python)
  • Graphs & Advanced Data Structures (Java)
  • Data Mining (Scikit Learn, NumPy, Pandas, Matplotlib, Seaborn)
  • Big Data Algorithms (Python, Numpy)
  • Computer Vision (Python NumPy, OpenCV)
  • Machine Learning Neural Networks (MLPs & CNN) with Tensorflow & Keras
  • Generative Adversarial Networks (GANs) with low-level Tensorflow
  • Deep Reinforcement Learning (TF-Agents, RLLib)
  • Autonomous Vehicle Algorithms
  • Differential Equations Solvers with Neural Networks
  • Proficiency in English (ECPE)

I Love

  1. Talking about my work.
  2. Working with people in a team.
  3. Meeting new people and creating new experiences.
  4. Working in a friendly environment.
  5. Discovering & Learning new things.
  6. Using my knowledge to solve challenging tasks.
  7. Conducting Research - Analyzing problems & suggesting solutions.
  8. Publishing my Code online, in order to help the scientific community.

prophitbet-soccer-bets-predictor's People

Contributors

andony-arrieula avatar kochlisgit avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

prophitbet-soccer-bets-predictor's Issues

Create a League

Good evening. When I try to create an extra league, I get this error:

File "D:\DOWNLOAD\ProphitBet-Soccer-Bets-Predictor-main\gui\dialogs\league.py", line 115, in _store_league
matches_df, league = self._league_repository.create_league(
File "D:\DOWNLOAD\ProphitBet-Soccer-Bets-Predictor-main\database\repositories\league.py", line 90, in create_league
return self._store_league(
File "D:\DOWNLOAD\ProphitBet-Soccer-Bets-Predictor-main\database\repositories\league.py", line 52, in _store_league
matches_df = StatisticsEngine(
File "D:\DOWNLOAD\ProphitBet-Soccer-Bets-Predictor-main\preprocessing\statistics.py", line 51, in compute_statistics
matches_df[column] = self._statistics_mappercolumn
File "D:\DOWNLOAD\ProphitBet-Soccer-Bets-Predictor-main\preprocessing\statistics.py", line 57, in _compute_last_n_home_wins
return self._compute_last_results(team_index=1, target_result_value='H')
File "D:\DOWNLOAD\ProphitBet-Soccer-Bets-Predictor-main\preprocessing\statistics.py", line 71, in _compute_last_results
for season in range(self._max_season, self._min_season - 1, -1):
TypeError: unsupported operand type(s) for -: 'str' and 'int'

this is the string I put in available league: Argentina,Primera-division,https://www.football-data.co.uk/new/ARG.csv,2012,extra,https://footystats.org/argentina/primera-division/fixtures

Great project I'm ready to contribute!

Add xG(expected goals), xGa (expected goals against)

Hi man,

Amazing work, some idea's to make it even better.

Would like to make a feature request for adding xG data & injuries. This would greatly enhance the data according to modern standards.

xG data such as; expected goals, expected goals against, expected goals per player, key player injuries etc.

Again, amazing!

Problem installing tensorflow-addons~=2.9.1

Hi,

Can you help with this issue?

I´m trying to install the TensorFlow-addons~=2.9.1 and it appears this error:

ERROR: Could not find a version that satisfies the requirement Tensorflow-addons~=2.9.1 (from versions: none)
ERROR: No matching distribution found for Tensorflow-addons~=2.9.1

Thanks!

Open The script

I'm sorry for writing this but I don't know ho to install the app on my Mac

Problem with tensorflow (warning at start up)

Hi, I´ve just installed Prophibet, and i have run it for the first time. Seems there is a problem with Tensorflow, and I get this errormessage when running the code:

Warning (from warnings module):
File "/Library/Frameworks/Python.framework/Versions/3.9/lib/python3.9/site-packages/tensorflow_addons/utils/tfa_eol_msg.py", line 23
warnings.warn(
UserWarning:

TensorFlow Addons (TFA) has ended development and introduction of new features.
TFA has entered a minimal maintenance and release mode until a planned end of life in May 2024.
Please modify downstream libraries to take dependencies from other repositories in our TensorFlow community (e.g. Keras, Keras-CV, and Keras-NLP).

For more information see: tensorflow/addons#2807

Warning (from warnings module):
File "/Library/Frameworks/Python.framework/Versions/3.9/lib/python3.9/site-packages/tensorflow_addons/utils/ensure_tf_install.py", line 53
warnings.warn(
UserWarning: Tensorflow Addons supports using Python ops for all Tensorflow versions above or equal to 2.10.0 and strictly below 2.13.0 (nightly versions are not supported).
The versions of TensorFlow you are currently using is 2.9.1 and is not supported.
Some things might work, some things might not.
If you were to encounter a bug, do not file an issue.
If you want to make sure you're using a tested and supported configuration, either change the TensorFlow version or the TensorFlow Addons's version.
You can find the compatibility matrix in TensorFlow Addon's readme:
https://github.com/tensorflow/addons

Warning (from warnings module):
File "/Library/Frameworks/Python.framework/Versions/3.9/lib/python3.9/site-packages/fuzzywuzzy/fuzz.py", line 11
warnings.warn('Using slow pure-python SequenceMatcher. Install python-Levenshtein to remove this warning')
UserWarning: Using slow pure-python SequenceMatcher. Install python-Levenshtein to remove this warning
Exception in thread Thread-1:
Traceback (most recent call last):
File "/Library/Frameworks/Python.framework/Versions/3.9/lib/python3.9/threading.py", line 980, in _bootstrap_inner
self.run()
File "/Library/Frameworks/Python.framework/Versions/3.9/lib/python3.9/threading.py", line 917, in run
self._target(*self._args, **self._kwargs)
File "/Users/frodeeriksen/Downloads/ProphitBet-Soccer-Bets-Predictor-main/gui/dialogs/league.py", line 115, in _store_league
matches_df, league = self._league_repository.create_league(
File "/Users/frodeeriksen/Downloads/ProphitBet-Soccer-Bets-Predictor-main/database/repositories/league.py", line 77, in create_league
matches_df = MainLeagueAPI().download(league=league)
File "/Users/frodeeriksen/Downloads/ProphitBet-Soccer-Bets-Predictor-main/database/network/footballdata/api.py", line 9, in download
matches_df = self._download(league=league)
File "/Users/frodeeriksen/Downloads/ProphitBet-Soccer-Bets-Predictor-main/database/network/footballdata/main.py", line 19, in _download
return league_matches_dfs[0] if len(league_matches_dfs) == 1 else pd.concat(league_matches_dfs)
File "/Library/Frameworks/Python.framework/Versions/3.9/lib/python3.9/site-packages/pandas/util/_decorators.py", line 311, in wrapper
return func(*args, **kwargs)
File "/Library/Frameworks/Python.framework/Versions/3.9/lib/python3.9/site-packages/pandas/core/reshape/concat.py", line 347, in concat
op = _Concatenator(
File "/Library/Frameworks/Python.framework/Versions/3.9/lib/python3.9/site-packages/pandas/core/reshape/concat.py", line 404, in init
raise ValueError("No objects to concatenate")
ValueError: No objects to concatenate

Main leagues don't update

The main leagues haven't been updated since the start of the new season, while all the extra leagues have been updated as intended. Can somone please tell me how to fix this?

empty export file

When I run the Fixture Predictions function and want to use the "Export Predictions" function, the file that is saved is empty.
The file size of the saved .csv file is also 0kb.

how can I solve this?

(running windows 10)

NN-Training with tensorflow-metal slower than without

Hi,

i got a new Macbook Air with the M2 Chip. To use it, i have to install tensowflow-metal. The GPU is recognized, but the Training takes longer than with the CPU only.
With GPU:

`
2023-10-02 10:47:29.111865: I tensorflow/core/grappler/optimizers/custom_graph_optimizer_registry.cc:114] Plugin optimizer for device_type GPU is enabled.

170/170 [==============================] - ETA: 0s - loss: 8.5763 - accuracy: 0.3513
2023-10-02 10:47:53.714029: I tensorflow/core/grappler/optimizers/custom_graph_optimizer_registry.cc:114] Plugin optimizer for device_type GPU is enabled.

170/170 [==============================] - 28s 119ms/step - loss: 8.5763 - accuracy: 0.3513 - val_loss: 6.3053 - val_accuracy: 0.4400 - lr: 7.0000e-04
Epoch 2/80
`

With CPU:

`
Epoch 4/80
22/22 [==============================] - 0s 1ms/step - loss: 1.9838 - accuracy: 0.3166 - val_loss: 1.3517 - val_accuracy: 0.3200 - lr: 1.0000e-04
Epoch 5/80

22/22 [==============================] - 0s 998us/step - loss: 1.8961 - accuracy: 0.3321 - val_loss: 1.3421 - val_accuracy: 0.4000 - lr: 1.0000e-04
Epoch 6/80
`
I tried the example from here https://developer.apple.com/metal/tensorflow-plugin/ and that was significant faster.

Anybody an Idea what to change?

Discussion about the best setting to use

hello,
I would be interested to see if there is any specific setting to improve accuracy in neural network model training, as the results do not
always seem very satisfactory.
could someone provide some guidelines or even examples for different leagues?
thanks

Help adding predictions for number of goals (combine NN RF and poisson)

Hi,

Maybe several of us here can find a way to add predictions for number of goals per game. I'm only starting with python and having hard time integrating this feature, but maybe someone more knowledgeable would be able to do it.
I was thinking something like combining NN RF and poisson to get the right outcome:

import pandas as pd
from sklearn.model_selection import train_test_split
from sklearn.linear_model import PoissonRegressor
from sklearn.neural_network import MLPRegressor
from sklearn.ensemble import RandomForestRegressor
from sklearn.metrics import mean_squared_error
from sklearn.preprocessing import StandardScaler
import numpy as np

Assuming you have a pandas DataFrame 'df' with features and target variable

X = df[['feature1', 'feature2', 'feature3']] # Features
y = df['goals'] # Target variable

Split the data into training and testing sets

X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2, random_state=42)

Train a Poisson Regression model

poisson_model = PoissonRegressor()
poisson_model.fit(X_train, y_train)

Train a Neural Network model

scaler = StandardScaler()
X_train_scaled = scaler.fit_transform(X_train)
X_test_scaled = scaler.transform(X_test)

neural_network_model = MLPRegressor(hidden_layer_sizes=(50, 50), max_iter=1000)
neural_network_model.fit(X_train_scaled, y_train)

Train a Random Forest model

random_forest_model = RandomForestRegressor(n_estimators=100, random_state=42)
random_forest_model.fit(X_train, y_train)

Make predictions with each model

poisson_predictions = poisson_model.predict(X_test)
neural_network_predictions = neural_network_model.predict(X_test_scaled)
random_forest_predictions = random_forest_model.predict(X_test)

Simple blending: Average predictions

blended_predictions = np.mean([poisson_predictions, neural_network_predictions, random_forest_predictions], axis=0)

Evaluate the performance of the blended model

mse_blended = mean_squared_error(y_test, blended_predictions)
print(f"Mean Squared Error (Blended Model): {mse_blended}")

What do you think?

league stats

Hi, I noticed that the the last couple of games haven't been updated into the program? It seems it just has last years results???

Predict Upcoming

Everything works up to the point of Predicting Upcoming

Date parsing error regardless of the date selected

donation

Hello, I'm from mainland China. I would like to make a donation to you to thank you for your efforts, but due to the Internet firewall in mainland China and our foreign exchange control, then I can't do it.Do you have any other way to contact?

Parameters Tuning

What are the parameters we can tune to increase the accuracy of the network?

latest games of season do not show up

Good Day!

I was wondering what should i change to the code to get the latest games of the Greek super league season, currently i get few of the new season games and only if i set last_n_games the value of 1.

If you kindly to help me out, thanks!!

btw same happens with english premier league new season games do not show up

update:
something in the for loop of main.py

for i, url in enumerate(url_list):
            try:
                matches_df = pd.read_csv(url)
                matches_df['Season'] = league.year_start + i
                league_matches_dfs.append(matches_df)
            except:

Did anyone manage to import 2023-2024 seasons ?

Hi all,

I tried several leagues and I can't seem to import the games from the last seasons. As a result the predictions have to suffer and was wondering if anyone managed to import?

Thanks

imblearn is missing?

Hello!

I installed the necessary dependencies, but when I want to run the program by double-clicking on main.py, nothing happens. When started from CMD, it throws this error:
Traceback (most recent call last):
File "main.py", line 2, in
from database.repositories.model import ModelRepository
File "...\ProphitBet-Soccer-Bets-Predictor-main\database\repositories\model.py", line 3, in
from models.model import Model
File "...\ProphitBet-Soccer-Bets-Predictor-main\models\model.py", line 3, in
from imblearn.over_sampling import SVMSMOTE
ModuleNotFoundError: No module named 'imblearn'

How could I avoid this issue?

ImportError

Hello everyone! Hope somebody can help me.
I imported the project in Anaconda on a Mac, but when I try to execute the file main.py I run into this error:

File ~/anaconda3/lib/python3.11/site-packages/imblearn/utils/_param_validation.py:908
from sklearn.utils._param_validation import (

ImportError: cannot import name '_MissingValues' from 'sklearn.utils._param_validation' (/Users/MYFOLDER/anaconda3/lib/python3.11/site-packages/sklearn/utils/_param_validation.py)

What could be the problem? Thanks to everyone who will try to help me!

Analyse direct confrontation between Team A and Team B and take that factor into consideration

I believe it would make sense for the Model to also analyse direct confrontation between Team A and Team B since generally big games do have a strong emotional impact.

As an example, in the Portuguese League, even if Benfica is doing an absolute fantastic season, it always showed difficulties to win against Porto, its almost traumatic and chronic even if Porto is not playing that well. This happens mostly on away games (at Porto's stadium) but also happens home.

These models analyse each Team separately but does not bring a common factor between Team A and Team B which would be the H2H between both teams.

Cant create league

When i create a league, it show this error:

return league_matches_dfs[0] if len(league_matches_dfs) == 1 else pd.concat(league_matches_dfs)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/Library/Frameworks/Python.framework/Versions/3.11/lib/python3.11/site-packages/pandas/core/reshape/concat.py", line 380, in concat
op = _Concatenator(
^^^^^^^^^^^^^^
File "/Library/Frameworks/Python.framework/Versions/3.11/lib/python3.11/site-packages/pandas/core/reshape/concat.py", line 443, in init
objs, keys = self._clean_keys_and_objs(objs, keys)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/Library/Frameworks/Python.framework/Versions/3.11/lib/python3.11/site-packages/pandas/core/reshape/concat.py", line 505, in _clean_keys_and_objs
raise ValueError("No objects to concatenate")
ValueError: No objects to concatenate

Extra league

Interesting work, am trying to create extra league i.e Norway but getting an error

File "C:\Users\Dennis\AppData\Local\Programs\Python\Python39\lib\urllib\request.py", line 641, in http_error_default
raise HTTPError(req.full_url, code, msg, hdrs, fp)
urllib.error.HTTPError: HTTP Error 404: Not Found
Exception in Tkinter callback

Empty screen without any errors

Hey,

I am trying to run the program on a Mac but, when starting the app, I get no error but nothing also in the UI.
Everything is empty, even the Create League form.
I cannot Load any league or data, just having everything like that. Could you please help me ?

image

Thanks,

Clément

Predicting Fixture issue

So my problem now is that i cant predict a fixture. I get this error and i also save the HTML from footystats etc and put right date aswell. What is the problem here anyone knows?
issue 5

Fixture prediction dates

Fixture prediction dates start from 01-09 while footystats have it 1-9 on dates, i think that is causing an issue with parsing error
Also is it possible to add over under 2.5 goals in the future?
thanks

Parsing HTML Error

Hello,
Wish you a happy day!
When i am trying to import fixtures i am recieving an issue with html parsing.Any idea of how to fix this issue? I have tried it both on windows and Linux.

Exception in thread Thread-1:

Exception in thread Thread-1:
Traceback (most recent call last):
File "C:\Users\Aristi\AppData\Local\Programs\Python\Python38\lib\threading.py", line 932, in _bootstrap_inner
self.run()
File "C:\Users\Aristi\AppData\Local\Programs\Python\Python38\lib\threading.py", line 870, in run
self._target(*self._args, **self._kwargs)
File "C:\Users\Aristi\Documents\Dev\ProphitBet-Soccer-Bets-Predictor-main\gui\dialogs\league.py", line 120, in _store_league
matches_df, league = self._league_repository.create_league(
File "C:\Users\Aristi\Documents\Dev\ProphitBet-Soccer-Bets-Predictor-main\database\repositories\league.py", line 79, in create_league
matches_df = MainLeagueAPI().download(league=league)
File "C:\Users\Aristi\Documents\Dev\ProphitBet-Soccer-Bets-Predictor-main\database\network\footballdata\api.py", line 12, in download
matches_df = self._download(league=league)
File "C:\Users\Aristi\Documents\Dev\ProphitBet-Soccer-Bets-Predictor-main\database\network\footballdata\main.py", line 19, in _download
return league_matches_dfs[0] if len(league_matches_dfs) == 1 else pd.concat(league_matches_dfs)
File "C:\Users\Aristi\AppData\Local\Programs\Python\Python38\lib\site-packages\pandas\util_decorators.py", line 311, in wrapper
return func(*args, **kwargs)
File "C:\Users\Aristi\AppData\Local\Programs\Python\Python38\lib\site-packages\pandas\core\reshape\concat.py", line 347, in concat
op = _Concatenator(
File "C:\Users\Aristi\AppData\Local\Programs\Python\Python38\lib\site-packages\pandas\core\reshape\concat.py", line 404, in init
raise ValueError("No objects to concatenate")

Error pushing changes. The requested URL returned error: 403

Hello,
Thiis a great program and I have run a test. I was wondering if you allow contributions. I made two changes but effort to push gives an error.

I get a warning in nn.py that val_acc is deprecated in python 3.9. I am not sure of 3.8 though. I made the change and the problem has gone away. I was also thinking if I add any new leagues successfully, it would be great to share with the community.

Is there a restriction on pushing code back to the repo?
Error is:
remote: Permission to kochlisGit/ProphitBet-Soccer-Bets-Predictor.git denied to tiwiex.
fatal: unable to access 'https://github.com/kochlisGit/ProphitBet-Soccer-Bets-Predictor.git/': The requested URL returned error: 403

Just want to be sure I am not doing something wrong.

Regards,
Taiwo

Add Feature suggestion

Can you add the feature to search for certain teams for example WOLVERHAMPTON vs
CRYSTAL PALACE in Model train part?

Cannot run properly

Traceback (most recent call last):
File "C:_ProphitBet-Soccer-Bets-Predictor-main\main.py", line 1, in
from gui.main.window import MainWindow
File "C:_ProphitBet-Soccer-Bets-Predictor-main\gui\main\window.py", line 11, in
from gui.dialogs.model import TrainNNDialog, TrainRFDialog, EvaluationDialog, PredictionDialog, PredictionUpcomingDialog
File "C:_ProphitBet-Soccer-Bets-Predictor-main\gui\dialogs\model.py", line 8, in
from fixtures.similarities.matching import TeamSimilarityMatching
File "C:_ProphitBet-Soccer-Bets-Predictor-main\fixtures\similarities\matching.py", line 1, in
from py_stringmatching.similarity_measure.monge_elkan import MongeElkan
ModuleNotFoundError: No module named 'py_stringmatching'

Error importing Mexico league

Manage to create for other leagues, but facing issue for mexico one.

Exception in thread Thread-1 (_store_league):
Traceback (most recent call last):
File "/Library/Frameworks/Python.framework/Versions/3.11/lib/python3.11/threading.py", line 1045, in _bootstrap_inner
self.run()
File "/Library/Frameworks/Python.framework/Versions/3.11/lib/python3.11/threading.py", line 982, in run
self._target(*self._args, **self._kwargs)
File "/Users//Documents/soccer-predict/gui/dialogs/league.py", line 115, in _store_league
matches_df, league = self._league_repository.create_league(
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/Users//Documents/soccer-predict/database/repositories/league.py", line 90, in create_league
return self._store_league(
^^^^^^^^^^^^^^^^^^^
File "/Users//Documents/soccer-predict/database/repositories/league.py", line 56, in _store_league
).compute_statistics(statistic_columns=league_config['statistic_columns'])
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/Users//Documents/soccer-predict/preprocessing/statistics.py", line 51, in compute_statistics
matches_df[column] = self._statistics_mappercolumn
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/Users//Documents/soccer-predict/preprocessing/statistics.py", line 57, in _compute_last_n_home_wins
return self._compute_last_results(team_index=1, target_result_value='H')
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/Users/Documents/soccer-predict/preprocessing/statistics.py", line 71, in _compute_last_results
for season in range(self._max_season, self._min_season - 1, -1):
~~~~~~~~~~~~~~~~~^~~
TypeError: unsupported operand type(s) for -: 'str' and 'int'

[

<style> </style>
Mexico Liga-Mx https://www.football-data.co.uk/new/MEX.csv 2012 extra https://footystats.org/mexico/liga-mx

]

Cannot Create League

Hi, have tried most things i can reasonably think of with this, tried redownloading, reinstalling, checked the requirements.txt to no avail constantly getting this message when i attempt to create a league

FileNotFoundError: [Errno 2] No such file or directory: 'database/storage/leagues/available_leagues.csv'

Have checked directory and it is obviously there and accessible so not sure what else could be the issue.

Value Error numpy.ndarray size changed when starting from virtualenv in Python 3.9.11

Hi Vasileios,

happy new year to you.

Great work so far but unfortenately ProphitBet will not start in my virtualenvironment. I use for this environment Python 3.9.11.
After starting main.py i get following error.


(myenv_py_3_9) C:\Users\romai\Desktop\Soccer Database\ProphitBet>main.py
Traceback (most recent call last):
File "C:\Users\romai\Desktop\Soccer Database\ProphitBet\main.py", line 1, in
from gui.main.window import MainWindow
File "C:\Users\romai\Desktop\Soccer Database\ProphitBet\gui\main\window.py", line 11, in
from gui.dialogs.model import TrainNNCustomDialog, TrainNNAutoDialog, TrainRFDialog, EvaluationDialog, PredictionDialog, PredictionUpcomingDialog
File "C:\Users\romai\Desktop\Soccer Database\ProphitBet\gui\dialogs\model.py", line 8, in
from fixtures.similarities.matching import TeamSimilarityMatching
File "C:\Users\romai\Desktop\Soccer Database\ProphitBet\fixtures\similarities\matching.py", line 1, in
from py_stringmatching.similarity_measure.monge_elkan import MongeElkan
File "C:\Users\romai\Desktop\pythonproject\myenv_py_3_9\lib\site-packages\py_stringmatching_init_.py", line 16, in
from py_stringmatching.similarity_measure.generalized_jaccard import GeneralizedJaccard
File "C:\Users\romai\Desktop\pythonproject\myenv_py_3_9\lib\site-packages\py_stringmatching\similarity_measure\generalized_jaccard.py", line 4, in
from py_stringmatching.similarity_measure.jaro import Jaro
File "C:\Users\romai\Desktop\pythonproject\myenv_py_3_9\lib\site-packages\py_stringmatching\similarity_measure\jaro.py", line 5, in
from py_stringmatching.similarity_measure.cython.cython_jaro import jaro
File "py_stringmatching/similarity_measure/cython/cython_jaro.pyx", line 2, in init py_stringmatching.similarity_measure.cython.cython_jaro
ValueError: numpy.ndarray size changed, may indicate binary incompatibility. Expected 96 from C header, got 88 from PyObject


Here is my list of installed package versions in the virtualenv.


(myenv_py_3_9) C:\Users\romai\Desktop\Soccer Database\ProphitBet>pip list
Package Version

absl-py 1.3.0
alembic 1.9.1
astunparse 1.6.3
attrs 22.2.0
autopage 0.5.1
cachetools 5.2.0
certifi 2022.12.7
charset-normalizer 2.1.1
cliff 4.1.0
cmaes 0.9.0
cmd2 2.4.2
colorama 0.4.6
colorlog 6.7.0
contourpy 1.0.6
cycler 0.11.0
flatbuffers 22.12.6
fonttools 4.38.0
gast 0.4.0
google-auth 2.15.0
google-auth-oauthlib 0.4.6
google-pasta 0.2.0
greenlet 2.0.1
grpcio 1.51.1
h5py 3.7.0
idna 3.4
importlib-metadata 4.13.0
joblib 1.2.0
keras 2.11.0
kiwisolver 1.4.4
libclang 14.0.6
Mako 1.2.4
Markdown 3.4.1
MarkupSafe 2.1.1
matplotlib 3.6.2
matplotlip 0.2
numpy 1.20.3
oauthlib 3.2.2
opt-einsum 3.3.0
optuna 3.0.5
packaging 22.0
pandas 1.5.2
pbr 5.11.0
Pillow 9.4.0
pip 22.3.1
prettytable 3.5.0
protobuf 3.19.6
py-stringmatching 0.4.2
pyasn1 0.4.8
pyasn1-modules 0.2.8
pyparsing 3.0.9
pyperclip 1.8.2
pyreadline3 3.4.1
python-dateutil 2.8.2
pytz 2022.7
PyYAML 6.0
requests 2.28.1
requests-oauthlib 1.3.1
rsa 4.9
scikit-learn 1.2.0
scipy 1.8.1
seaborn 0.12.2
setuptools 65.6.3
six 1.16.0
SQLAlchemy 1.4.45
stevedore 4.1.1
tensorboard 2.11.0
tensorboard-data-server 0.6.1
tensorboard-plugin-wit 1.8.1
tensorflow 2.11.0
tensorflow-addons 0.19.0
tensorflow-estimator 2.11.0
tensorflow-intel 2.11.0
tensorflow-io-gcs-filesystem 0.29.0
termcolor 2.1.1
threadpoolctl 3.1.0
tk 0.1.0
tqdm 4.64.1
typeguard 2.13.3
typing_extensions 4.4.0
urllib3 1.26.13
wcwidth 0.2.5
Werkzeug 2.2.2
wheel 0.38.4
wrapt 1.14.1
xgboost 1.7.2
zipp 3.11.0


Can you please help in this issue. It is a very interesting project an I'd like to be part of it.

Shoutouts from Germany

Romain

ERROR LEAGUE

I have a problem when I run the file with Visual Code, the Prophitbet application opens correctly but in the league menu to create a league a white window opens. When I go back to the Visual Studio Code code, a file error appears on the league :
PS C:\Users\Liamine> & C:/Users/Liamine/AppData/Local/Microsoft/WindowsApps/python3.9.exe c:/Users/Liamine/Downloads/ProphitBet-Soccer-Bets-Predictor-main/main.py
Exception in Tkinter callback
Traceback (most recent call last):
File "C:\Program Files\WindowsApps\PythonSoftwareFoundation.Python.3.9_3.9.3568.0_x64__qbz5n2kfra8p0\lib\tkinter_init_.py", line 1892, in call
return self.func(*args)
File "c:\Users\Liamine\Downloads\ProphitBet-Soccer-Bets-Predictor-main\gui\main\application.py", line 159, in _create_league
self._open_league_name, self._open_league, self._matches_df = CreateLeagueDialog(
File "c:\Users\Liamine\Downloads\ProphitBet-Soccer-Bets-Predictor-main\gui\dialogs\league.py", line 16, in init
self._all_leagues = league_repository.get_all_available_leagues()
File "c:\Users\Liamine\Downloads\ProphitBet-Soccer-Bets-Predictor-main\database\repositories\league.py", line 20, in get_all_available_leagues
with open(file=self._available_leagues_filepath, mode='r', encoding='utf=8') as csvfile:
FileNotFoundError: [Errno 2] No such file or directory: 'database/storage/leagues/available_leagues.csv'

can you help e ?

Error when running the main.py

Hello, this a great work and i am really trying to test but i encouter an error, below are the lines:

(testbet) C:\Bet-Predictor\ProphitBet-Soccer-Bets-Predictor-main>python main.py
Traceback (most recent call last):
File "C:\Bet-Predictor\ProphitBet-Soccer-Bets-Predictor-main\main.py", line 2, in
from database.repositories.model import ModelRepository
File "C:\Bet-Predictor\ProphitBet-Soccer-Bets-Predictor-main\database\repositories\model.py", line 3, in
from models.model import Model
File "C:\Bet-Predictor\ProphitBet-Soccer-Bets-Predictor-main\models\model.py", line 3, in
from imblearn.over_sampling import SVMSMOTE
ModuleNotFoundError: No module named 'imblearn'

Luton Town

The teams list aren't updated for the premier league, so when trying to predict matches Luton town isn't there. Can someone fix this? Thanks.

Recommendations for custom settings

Hi,

Do you have any recommendations for custom settings to achieve better/best results?
Like a step program where you do:

  1. NN basic tune (Home)(Accuracy)(standard)
  2. RF basic tune (standard)
  3. Evaluate? or continue with NN(Away)(F1)? etc or custom settings?

Would love some documentation on how to get better results!

Thnx

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.