¡Bienvenidos al Mundo del Fútbol Europeo!
  La UEFA Champions League es el pináculo del fútbol europeo, donde los mejores equipos de toda la UEFA compiten por el prestigioso trofeo. Cada temporada, esta competición nos ofrece partidos emocionantes, goles espectaculares y momentos que se quedan en la historia. En este espacio, te ofrecemos las últimas actualizaciones sobre los partidos, así como análisis expertos y predicciones de apuestas para que estés siempre un paso por delante.
  Últimos Partidos y Resultados
  Cada día, los mejores equipos de Europa se enfrentan en la cancha para demostrar su valía. Aquí encontrarás los resultados más recientes de cada jornada, con detalles sobre los goleadores, tarjetas y momentos destacados de cada partido.
  
  
    - Jornada 1: Resumen de los partidos más destacados.
 
    - Jornada 2: Análisis de las sorpresas de la competición.
 
    - Jornada 3: Los equipos que dominan el marcador.
 
  
  Análisis Táctico
  Entender la táctica detrás de cada equipo es clave para predecir el resultado de los partidos. Nuestros expertos analizan las formaciones, estrategias y cambios tácticos que pueden influir en el desarrollo del juego.
  
    - Tácticas Defensivas: Cómo algunos equipos logran mantener su portería a cero.
 
    - Juego Ofensivo: Los equipos que dominan con su ataque y sus estrellas.
 
    - Mediocampistas Clave: Jugadores que dictan el ritmo del partido.
 
  
  Predicciones y Apuestas
  Basado en un análisis exhaustivo de estadísticas y tendencias, ofrecemos predicciones confiables para ayudarte a tomar decisiones informadas en tus apuestas. Desde cuotas hasta recomendaciones de apuestas combinadas, estamos aquí para maximizar tus posibilidades de ganar.
  
    - Predicciones Diarias: Resultados esperados para cada partido del día.
 
    - Cuotas Competitivas: Las mejores cuotas ofrecidas por casas de apuestas reconocidas.
 
    - Tips Expertos: Consejos adicionales para optimizar tus apuestas.
 
  
  Historia de la Champions League
  La UEFA Champions League tiene una rica historia llena de momentos memorables. Desde sus inicios como Copa de Campeones Europeos hasta convertirse en el torneo más prestigioso del continente, ha sido testigo del ascenso de leyendas del fútbol y clubes icónicos.
  
    - Campeones Históricos: Un vistazo a los clubes que han levantado el trofeo más veces.
 
    - Momentos Inolvidables: Goles y partidos que quedaron grabados en la memoria colectiva.
 
    - Evolución del Torneo: Cambios significativos en las reglas y formato a lo largo de los años.
 
  
  Estadísticas Clave
  Analicemos las estadísticas que definen a la Champions League. Desde goles anotados hasta asistencias, pasando por tarjetas rojas, estos datos nos ofrecen una visión más profunda del rendimiento general del torneo.
  
    - Goles por Jornada: Quiénes son los máximos goleadores en cada jornada.
 
    - Tarjetas y Disciplinas: Análisis de las conductas disciplinarias durante los partidos.
 
    - Rendimiento por Equipo: Comparativa entre equipos según sus estadísticas ofensivas y defensivas.
 
  
  Fichajes Destacados
  Los movimientos en el mercado de fichajes pueden cambiar el destino de un equipo en la Champions League. Descubre quiénes son los nuevos fichajes que podrían hacer la diferencia en esta temporada.
  
    - Nuevos Talentos: Jugadores jóvenes con gran potencial que llegan a Europa.
 
    - Veteranos Experimentados: Figuras consolidadas que buscan añadir experiencia a sus nuevos equipos.
 
    - Fichajes Estratégicos: Jugadores contratados para cubrir necesidades específicas dentro del equipo.
 
  
  Tendencias Actuales
  Mantente al tanto de las últimas tendencias que están marcando la temporada actual. Desde cambios en las tácticas hasta novedades tecnológicas aplicadas al deporte, aquí encontrarás lo último en innovación futbolística.
  
    - Tecnología en el Campo: Cómo las nuevas tecnologías están influyendo en las decisiones arbitrales y el rendimiento deportivo.
 
    - Evolución Táctica: Las nuevas estrategias que están emergiendo en la competición europea.
 
    - Influencia Social Media: El impacto de las redes sociales en la percepción pública y marketing deportivo.
 
  
  Fechas Importantes
  No te pierdas ninguna fecha importante relacionada con la UEFA Champions League. Desde los próximos partidos hasta las fechas clave para las eliminatorias, aquí tienes todo lo que necesitas saber para planificar tu seguimiento del torneo.
  
    - Siguientes Partidos Cruciales: Calendario actualizado con los próximos encuentros importantes.
 
    - Fechas Eliminatorias: Cuando se jugarán los partidos decisivos para avanzar en el torneo.
 
    - Finales Anticipadas: Predicciones sobre posibles enfrentamientos en la final del año próximo.
 
  
  Fútbol Comunitario: Opiniones y Discusiones
<|repo_name|>DannielHuang/Supervised-Learning<|file_sep|>/Supervised Learning/Project_1/Project_1.py
import numpy as np
import matplotlib.pyplot as plt
import pandas as pd
# Importing the dataset
dataset = pd.read_csv('Salary_Data.csv')
X = dataset.iloc[:, :-1].values
y = dataset.iloc[:, -1].values
# Splitting the dataset into the Training set and Test set
from sklearn.cross_validation import train_test_split
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size = 1/3, random_state = 0)
# Feature Scaling
"""from sklearn.preprocessing import StandardScaler
sc_X = StandardScaler()
X_train = sc_X.fit_transform(X_train)
X_test = sc_X.transform(X_test)"""
# Fitting Simple Linear Regression to the Training set
from sklearn.linear_model import LinearRegression
regressor = LinearRegression()
regressor.fit(X_train, y_train)
# Predicting the Test set results
y_pred = regressor.predict(X_test)
# Visualizing the Training set results
plt.scatter(X_train, y_train, color = 'red')
plt.plot(X_train, regressor.predict(X_train), color = 'blue')
plt.title('Salary vs Experience (Training set)')
plt.xlabel('Years of Experience')
plt.ylabel('Salary')
plt.show()
# Visualizing the Test set results
plt.scatter(X_test, y_test, color = 'red')
plt.plot(X_train, regressor.predict(X_train), color = 'blue')
plt.title('Salary vs Experience (Test set)')
plt.xlabel('Years of Experience')
plt.ylabel('Salary')
plt.show()<|file_sep|># Supervised-Learning
## Supervised Learning
- [x] [Linear Regression](https://github.com/DannielHuang/Supervised-Learning/tree/master/Supervised%20Learning/Project_1)
- [x] [Multiple Linear Regression](https://github.com/DannielHuang/Supervised-Learning/tree/master/Supervised%20Learning/Project_2)
- [x] [Polynomial Regression](https://github.com/DannielHuang/Supervised-Learning/tree/master/Supervised%20Learning/Project_3)
- [x] [Support Vector Regression](https://github.com/DannielHuang/Supervised-Learning/tree/master/Supervised%20Learning/Project_4)
- [x] [Decision Tree Regression](https://github.com/DannielHuang/Supervised-Learning/tree/master/Supervised%20Learning/Project_5)
- [x] [Random Forest Regression](https://github.com/DannielHuang/Supervised-Learning/tree/master/Supervised%20Learning/Project_6)
- [ ] Logistic Regression
## Unsupervised Learning
- [ ] K-Means Clustering
- [ ] Hierarchical Clustering
## Reinforcement Learning
- [ ] Q-Learning<|file_sep|># -*- coding: utf-8 -*-
"""
Created on Sat Jun 16 11:26:03 2018
@author: HuangDan
"""
import numpy as np
import matplotlib.pyplot as plt
import pandas as pd
# Importing the dataset
dataset = pd.read_csv('Position_Salaries.csv')
X = dataset.iloc[:,1:2].values
y = dataset.iloc[:,-1].values
# Splitting the dataset into the Training set and Test set
"""from sklearn.cross_validation import train_test_split
X_train, X_test, y_train, y_test = train_test_split(X, y,
                                                    test_size=0.25,
                                                    random_state=0)"""
# Feature Scaling
from sklearn.preprocessing import StandardScaler
sc_X = StandardScaler()
sc_y = StandardScaler()
X = sc_X.fit_transform(X)
y = sc_y.fit_transform(y.reshape(-1,1))
# Fitting Polynomial Regression to the dataset
from sklearn.preprocessing import PolynomialFeatures 
poly_reg = PolynomialFeatures(degree=4) 
X_poly = poly_reg.fit_transform(X) 
lin_reg_2 = LinearRegression() 
lin_reg_2.fit(X_poly,y) 
# Predicting a new result with Polynomial Regression 
y_pred_poly_reg=lin_reg_2.predict(poly_reg.fit_transform(sc_X.transform(np.array([[6.5]])))) 
y_pred_poly_reg=sc_y.inverse_transform(y_pred_poly_reg.reshape(1,-1))
# Visualising the Polynomial Regression results 
"""plt.scatter(sc_X.inverse_transform(X), sc_y.inverse_transform(y), color='red') 
plt.plot(sc_X.inverse_transform(X), sc_y.inverse_transform(lin_reg_2.predict(poly_reg.fit_transform(sc_X.transform(X)))), color='blue') 
plt.title('Truth or Bluff (Polynomial Regression)') 
plt.xlabel('Position level') 
plt.ylabel('Salary') 
plt.show()"""
# Visualising the Polynomial Regression results (for higher resolution and smoother curve) 
"""X_grid=np.arange(min(sc_X.inverse_transform(X)),max(sc_X.inverse_transform(X)),0.1) 
X_grid=X_grid.reshape((len(X_grid),1)) 
plt.scatter(sc_X.inverse_transform(X), sc_y.inverse_transform(y), color='red') 
plt.plot(X_grid, sc_y.inverse_transform(lin_reg_2.predict(poly_reg.fit_transform(sc_X.transform(X_grid)))), color='blue') 
plt.title('Truth or Bluff (Polynomial Regression)') 
plt.xlabel('Position level') 
plt.ylabel('Salary') 
plt.show()"""
# Fitting SVR to the dataset (without scaling)
from sklearn.svm import SVR  
svr_rbf=SVR(kernel='rbf',degree=3,gamma=0.0001,C=10000000000)  
svr_rbf.fit(X,y)
# Predicting a new result with SVR (without scaling)
y_pred_svr=svr_rbf.predict(np.array([[6.5]]))
# Visualising the SVR results (without scaling)
"""plt.scatter(sc_X.inverse_transform(X), sc_y.inverse_transform(y), color='red') 
plt.plot(sc_X.inverse_transform(X), svr_rbf.predict(sc_X.transform(sc_X.inverse_transform(X))), color='blue') 
plt.title('Truth or Bluff (SVR)') 
plt.xlabel('Position level') 
plt.ylabel('Salary') 
plt.show()"""
# Visualising the SVR results (for higher resolution and smoother curve) (without scaling)
"""X_grid=np.arange(min(sc_X.inverse_transform(X)),max(sc_X.inverse_transform(X)),0.01) 
X_grid=X_grid.reshape((len(X_grid),1)) 
plt.scatter(sc_X.inverse_transform(X), sc_y.inverse_transform(y), color='red') 
plt.plot(X_grid, svr_rbf.predict(sc_X.transform(sc_X.inverse_transform(X_grid))), color='blue')  
plt.title('Truth or Bluff (SVR)')  
plt.xlabel('Position level')  
plt.ylabel('Salary')  
plt.show()"""
# Fitting SVR to the dataset (with scaling)
svr_rbf=SVR(kernel='rbf',degree=3,gamma=0.001,C=10000000000)  
svr_rbf.fit(X,y)
# Predicting a new result with SVR (with scaling)
y_pred_svr=sc_y.inverse_transform(svr_rbf.predict(sc_X.transform(np.array([[6.5]]))))
# Visualising the SVR results (with scaling)
"""plt.scatter(sc_X.inverse_transform(X), sc_y.inverse_transform(y), color='red')  
plt.plot(sc_X.inverse_transform(X), sc_y.inverse_transform(svr_rbf.predict(sc_X.transform(sc_X.inverse_transform(X)))), color='blue')  
plt.title('Truth or Bluff (SVR)')  
plt.xlabel('Position level')  
plt.ylabel('Salary')  
plt.show()"""
# Visualising the SVR results (for higher resolution and smoother curve) (with scaling)
"""X_grid=np.arange(min(sc_X.inverse_transform(X)),max(sc_X.inverse_transform(X)),0.01)  
X_grid=X_grid.reshape((len(X_grid),1))  
plt.scatter(sc_X.inverse_transform(X), sc_y.inverse_transform(y), color='red')  
plt.plot( X_grid ,sc_y.inverse_transform(svr_rbf.predict( sc_X.transform( X_grid ) )) ,color='blue' )  
#plt.plot( X_grid ,svr_rbf.predict( sc_X.transform( X_grid ) ),color='blue' )   
#plt.title( 'Truth or Bluff (SVR)' )   
#plt.xlabel( 'Position level' )   
#plt.ylabel( 'Salary' )   
#plt.show()"""<|repo_name|>DannielHuang/Supervised-Learning<|file_sep|>/Supervised Learning/Project_6/Project_6.py
import numpy as np
import matplotlib.pyplot as plt
import pandas as pd
# Importing the dataset
dataset = pd.read_csv('Position_Salaries.csv')
X = dataset.iloc[:,1:2].values
y = dataset.iloc[:,-1].values
# Splitting the dataset into the Training set and Test set
"""from sklearn.cross_validation import train_test_split
X_train,X_test,y_train,y_test=train_test_split(
        X,y,test_size=0.25,
        random_state=0)
"""
# Feature Scaling
from sklearn.preprocessing import StandardScaler
sc_x=StandardScaler()
sc_y=StandardScaler()
X=sc_x.fit_transform(X)
y=sc_y.fit_transform(y.reshape(-1,1))
# Fitting Random Forest Regression to the dataset
from sklearn.ensemble import RandomForestRegressor
regressor=RandomForestRegressor(n_estimators=1000,
                                random_state=0)
regressor.fit(X,y)
# Predicting a new result with Random Forest Regression
y_pred_rf=sc_y.inverse_transform(regressor.predict(
        sc_x.transform(np.array([[6.5]]))))
# Visualising Random Forest Regression results 
X_grid=np.arange(min(sc_x.inverse_transform(
        X)),max(sc_x.inverse_transform(
        X)),0.01)
X_grid=X_grid.reshape((len(
        X_grid),1))
sc_x_inv=sc_x.inversetransform()
sc_y_inv=sc_y.inversetransform()
"""
print("Scikit X grid:n",X_grid)
print("Original X grid:n",sc_x_inv(
        X_grid))
print("Scikit Y grid:n",sc_y_inv(
        regressor.predict(
        X_grid)))
print("Original Y grid:n",regressor.predic(
        sc_x_inv(
        X_grid)))
"""
fig=plt.figure()
ax=plt.axes()
ax.set_xlabel("Level")
ax.set_ylabel("Salary")
ax.set_title("Truth or Bluff(RF Regressor")
ax.scatter(dataset.iloc[:,1],dataset.iloc[:,-1],color="red")
ax.plot(
        sc_x_inv(
            X_grid),
        sc_y_inv(
            regressor.predict(
                X_grid)),
        color="blue")
fig.show()
fig=plt.figure()
ax=plt.axes()
ax.set_xlabel("Level")
ax.set_ylabel("Salary")
ax.set_title("Truth or Bluff(RF Regressor")
ax.scatter(dataset.iloc[:,1],dataset.iloc[:,-1],color="red")
ax.plot(dataset.iloc[:,1],regressor.predict(dataset.iloc[:,[1]]),
        color="blue")
fig.show()<|file_sep|># -*- coding