• 0 Comments ·0 Shares ·53 Views
  • A Step by Step Guide to Solve 1D Burgers Equation with Physics-Informed Neural Networks (PINNs): A PyTorch Approach Using Automatic Differentiation and Collocation Methods
    www.marktechpost.com
    In this tutorial, we explore an innovative approach that blends deep learning with physical laws by leveraging Physics-Informed Neural Networks (PINNs) to solve the one-dimensional Burgers equation. Using PyTorch on Google Colab, we demonstrate how to encode the governing differential equation directly into the neural networks loss function, allowing the model to learn the solution (,) that inherently respects the underlying physics. This technique reduces the reliance on large labeled datasets and offers a fresh perspective on solving complex, non-linear partial differential equations using modern computational tools.!pip install torch matplotlibFirst, we install the PyTorch and matplotlib libraries using pip, ensuring you have the necessary tools for building neural networks and visualizing the results in your Google Colab environment.import torchimport torch.nn as nnimport torch.optim as optimimport numpy as npimport matplotlib.pyplot as plttorch.set_default_dtype(torch.float32)We import essential libraries: PyTorch for deep learning, NumPy for numerical operations, and matplotlib for plotting. We set the default tensor data type to float32 for consistent numerical precision throughout your computations.x_min, x_max = -1.0, 1.0t_min, t_max = 0.0, 1.0nu = 0.01 / np.piN_f = 10000 N_0 = 200 N_b = 200 X_f = np.random.rand(N_f, 2)X_f[:, 0] = X_f[:, 0] * (x_max - x_min) + x_min # x in [-1, 1]X_f[:, 1] = X_f[:, 1] * (t_max - t_min) + t_min # t in [0, 1]x0 = np.linspace(x_min, x_max, N_0)[:, None]t0 = np.zeros_like(x0)u0 = -np.sin(np.pi * x0)tb = np.linspace(t_min, t_max, N_b)[:, None]xb_left = np.ones_like(tb) * x_minxb_right = np.ones_like(tb) * x_maxub_left = np.zeros_like(tb)ub_right = np.zeros_like(tb)X_f = torch.tensor(X_f, dtype=torch.float32, requires_grad=True)x0 = torch.tensor(x0, dtype=torch.float32)t0 = torch.tensor(t0, dtype=torch.float32)u0 = torch.tensor(u0, dtype=torch.float32)tb = torch.tensor(tb, dtype=torch.float32)xb_left = torch.tensor(xb_left, dtype=torch.float32)xb_right = torch.tensor(xb_right, dtype=torch.float32)ub_left = torch.tensor(ub_left, dtype=torch.float32)ub_right = torch.tensor(ub_right, dtype=torch.float32)We establish the simulation domain for the Burgers equation by defining spatial and temporal boundaries, viscosity, and the number of collocation, initial, and boundary points. It then generates random and evenly spaced data points for these conditions and converts them into PyTorch tensors, enabling gradient computation where needed.class PINN(nn.Module): def __init__(self, layers): super(PINN, self).__init__() self.activation = nn.Tanh() layer_list = [] for i in range(len(layers) - 1): layer_list.append(nn.Linear(layers[i], layers[i+1])) self.layers = nn.ModuleList(layer_list) def forward(self, x): for i, layer in enumerate(self.layers[:-1]): x = self.activation(layer(x)) return self.layers[-1](x)layers = [2, 50, 50, 50, 50, 1]model = PINN(layers)print(model)Here, we define a custom Physics-Informed Neural Network (PINN) by extending PyTorchs nn.Module. The network architecture is built dynamically using a list of layer sizes, where each linear layer is followed by a Tanh activation (except for the final output layer). In this example, the network takes a 2-dimensional input, passes it through four hidden layers (each with 50 neurons), and outputs a single value. Finally, the model is instantiated with the specified architecture, and its structure is printed.device = torch.device("cuda" if torch.cuda.is_available() else "cpu")model.to(device)Here, we check if a CUDA-enabled GPU is available, set the device accordingly, and move the model to that device for accelerated computation during training and inference.def pde_residual(model, X): x = X[:, 0:1] t = X[:, 1:2] u = model(torch.cat([x, t], dim=1)) u_x = torch.autograd.grad(u, x, grad_outputs=torch.ones_like(u), create_graph=True, retain_graph=True)[0] u_t = torch.autograd.grad(u, t, grad_outputs=torch.ones_like(u), create_graph=True, retain_graph=True)[0] u_xx = torch.autograd.grad(u_x, x, grad_outputs=torch.ones_like(u_x), create_graph=True, retain_graph=True)[0] f = u_t + u * u_x - nu * u_xx return fdef loss_func(model): f_pred = pde_residual(model, X_f.to(device)) loss_f = torch.mean(f_pred**2) u0_pred = model(torch.cat([x0.to(device), t0.to(device)], dim=1)) loss_0 = torch.mean((u0_pred - u0.to(device))**2) u_left_pred = model(torch.cat([xb_left.to(device), tb.to(device)], dim=1)) u_right_pred = model(torch.cat([xb_right.to(device), tb.to(device)], dim=1)) loss_b = torch.mean(u_left_pred**2) + torch.mean(u_right_pred**2) loss = loss_f + loss_0 + loss_b return lossNow, we compute the residual of Burgers equation at the collocation points by calculating the required derivatives via automatic differentiation. Then, we define a loss function that aggregates the PDE residual loss, the error from the initial condition, and the errors from the boundary conditions. This combined loss guides the network to learn a solution that satisfies both the physical law and the imposed conditions.optimizer = optim.Adam(model.parameters(), lr=1e-3)num_epochs = 5000for epoch in range(num_epochs): optimizer.zero_grad() loss = loss_func(model) loss.backward() optimizer.step() if (epoch+1) % 500 == 0: print(f'Epoch {epoch+1}/{num_epochs}, Loss: {loss.item():.5e}') print("Training complete!")Here, we set up the PINNs training loop using the Adam optimizer with a learning rate of 1103. Over 5000 epochs, it repeatedly computes the loss (which includes the PDE residual, initial, and boundary condition errors), backpropagates the gradients, and updates the model parameters. Every 500 epochs, it prints the current epoch and loss to monitor progress and finally announces when training is complete.N_x, N_t = 256, 100x = np.linspace(x_min, x_max, N_x)t = np.linspace(t_min, t_max, N_t)X, T = np.meshgrid(x, t)XT = np.hstack((X.flatten()[:, None], T.flatten()[:, None]))XT_tensor = torch.tensor(XT, dtype=torch.float32).to(device)model.eval()with torch.no_grad(): u_pred = model(XT_tensor).cpu().numpy().reshape(N_t, N_x)plt.figure(figsize=(8, 5))plt.contourf(X, T, u_pred, levels=100, cmap='viridis')plt.colorbar(label='u(x,t)')plt.xlabel('x')plt.ylabel('t')plt.title("Predicted solution u(x,t) via PINN")plt.show()Finally, we create a grid of points over the defined spatial () and temporal () domain, feed these points to the trained model to predict the solution (, ), and reshape the output into a 2D array. Also, it visualizes the predicted solution as a contour plot using matplotlib, complete with a colorbar, axis labels, and a title, allowing you to observe how the PINN has approximated the dynamics of the Burgers equation.In conclusion, this tutorial has showcased how PINNs can be effectively implemented to solve the 1D Burgers equation by incorporating the physics of the problem into the training process. Through careful construction of the neural network, generation of collocation and boundary data, and automatic differentiation, we achieved a model that learns a solution consistent with the PDE and the prescribed conditions. This fusion of machine learning and traditional physics paves the way for tackling more challenging problems in computational science and engineering, inviting further exploration into higher-dimensional systems and more sophisticated neural architectures.Here is the Colab Notebook. Also,dont forget to follow us onTwitterand join ourTelegram ChannelandLinkedIn Group. Dont Forget to join our85k+ ML SubReddit. Asif RazzaqWebsite| + postsBioAsif Razzaq is the CEO of Marktechpost Media Inc.. As a visionary entrepreneur and engineer, Asif is committed to harnessing the potential of Artificial Intelligence for social good. His most recent endeavor is the launch of an Artificial Intelligence Media Platform, Marktechpost, which stands out for its in-depth coverage of machine learning and deep learning news that is both technically sound and easily understandable by a wide audience. The platform boasts of over 2 million monthly views, illustrating its popularity among audiences.Asif Razzaqhttps://www.marktechpost.com/author/6flvq/Tutorial to Create a Data Science Agent: A Code Implementation using gemini-2.0-flash-lite model through Google API, google.generativeai, Pandas and IPython.display for Interactive Data AnalysisAsif Razzaqhttps://www.marktechpost.com/author/6flvq/Google AI Released TxGemma: A Series of 2B, 9B, and 27B LLM for Multiple Therapeutic Tasks for Drug Development Fine-Tunable with TransformersAsif Razzaqhttps://www.marktechpost.com/author/6flvq/Meet Open Deep Search (ODS): A Plug-and-Play Framework Democratizing Search with Open-source Reasoning AgentsAsif Razzaqhttps://www.marktechpost.com/author/6flvq/A Code Implementation of Monocular Depth Estimation Using Intel MiDaS Open Source Model on Google Colab with PyTorch and OpenCV
    0 Comments ·0 Shares ·47 Views
  • NASA Is Investigating Boeing Starliner's "In-Flight Anomalies"
    futurism.com
    NASA and Boeing are still working to get the aerospace giant's plagued Starliner spacecraft back off the ground.It's been just over half a year since Boeing's issues-riddled shuttle came back from its journey to the International Space Station. Due to technical problems, NASA decided Starliner wasn't safe enough for NASA astronauts Suni Williams and Butch Wilmore to be on board, leaving them stranded in orbit.In a Thursday update, NASA revealed that NASA and Boeing are "making progress toward crew certification of the companys CST-100 Starliner," with teams "working to resolve Starliners in-flight anomalies and preparing for propulsion system testing in the months ahead."But when or if Starliner will make its next launch attempt, with or without a crew on board, remains to be seen."Once we get through these planned test campaigns, we will have a better idea of when we can go fly the next Boeing flight," said NASAs Commercial Crew Program manager Steve Stich in the update. "Well continue to work through certification toward the end of this year and then go figure out where Starliner fits best in the schedule for the International Space Station and its crew and cargo missions.""It is likely to be in the timeframe of late this calendar year or early next year for the next Starliner flight," Stich added.As part of its Commercial Crew program, NASA tapped both Boeing and SpaceX to come up with entirely separate spacecraft that can launch astronauts to the space station and back.Over the last five years, SpaceX has run circles around its competition with its Crew Dragon spacecraft, and has completed a dozen successful trips to the ISS.Despite pouring billions of dollars into the development of Starliner, Boeing has far less to show, including a failed launch attempt in 2019 and a litany of issues during its first crewed attempt last year.According to NASA, teams are working hard to test Starliner's offending thrusters and the surrounding "doghouse," the part of the module where the thrusters are located. Investigations revealed that the doghouse overheated during repeated thruster firings, causing Teflon seals to bulge, thereby affecting the flow of propellant.The space agency is now looking at "thermal protection system upgrades," including "barriers within the doghouse to better regulate temperatures and changing the thruster pulse profiles in flight to prevent overheating."But whether these changes will be enough to reassure all stakeholders is an open question. Boeing has already lostover $2 billion on the project since it began, and still doesn't have a single successful mission under its belt.That, however, hasn't dissuaded the aerospace giant."Boeing, all the way up to their new CEO, Kelly [Ortberg], has been committed to Starliner," Stich said during a briefing last week, as quoted by SpaceNews. "I see a commitment from Boeing to continue the program."More on Starliner: NASA Planning Another Test Flight by Boeing's StarlinerShare This Article
    0 Comments ·0 Shares ·56 Views
  • xoangels: Sales Team Leader - Manager
    weworkremotely.com
    Sales Team Leader Position at XO AngelsAre you a sales pro ready to take charge and lead a high-performing team? If so, keep reading.Were looking for a Sales Team Manager to help scale our team to the next level. XO Angels is a fast-growing influencer management start-up filled with ambitious A-Players, and we need a strong leader to coach our sales team, recruit top talent, and keep performance at its peak. Youll also be responsible for replacing underperforming chat agents and ensuring the entire sales team runs like a well-oiled machine.Think youve got what it takes? Lets get into the details.What Youll Do Lead the TeamManage and support a team of 20+ Chat Agents in the Philippines, keeping things running smoothly and making sure they perform at their best. Track KPIs & Optimise PerformanceKeep an eye on key performance metrics, identify growth opportunities, and fine-tune our strategies to maximize results. Recruit & Train Top TalentHire, onboard, and coach new team members while maintaining high performance standards across the board. Master Text-Based SalesBecome the go-to expert in converting customers through chat and help the team perfect their approach. Improve ProcessesRefine workflows, implement best practices, and make data-driven adjustments to boost efficiency and revenue.Who Were Looking ForDriven & Results-Oriented You thrive under pressure and stay motivated until the job is done.Data-Savvy You can analyse numbers, spot trends, and adjust strategies accordingly.Flexible & Adaptable Youre willing to adjust your schedule to support a global team.Sales & Operations Experience You know how to build strategies and make them work.Proven Leadership Skills Youve managed teams before and know how to keep morale and productivity high.Strong Communicator You have excellent written and spoken English.Tech-Savvy Youre comfortable with CRM tools, spreadsheets, and sales tracking systems.Why Join XO Angels? Competitive Pay: Base salary of $2,500 + bonuses. Realistic monthly earnings of $3,000-$6,000+. Fully Remote: Work from anywhere with complete flexibility. Growth & Development: Get ongoing training in sales and social media trends. Make an Impact: Play a key role in our success with leadership opportunities ahead.How to ApplyClick this link and see if youre a match to our position:Lets build something amazing together!
    0 Comments ·0 Shares ·58 Views
  • Nintendo Switch 2 Preorder and Release Date Leaked by Retailer
    www.cnet.com
    Whatever the price, the Switch 2 is almost certain to sell out quickly.
    0 Comments ·0 Shares ·57 Views
  • Netflix's Wild New Crime Comedy Is a Delightful Standout
    www.cnet.com
    Commentary: The Residence is a screwball "whodunit" that tips its hat to murder mystery faves like Knives Out and Clue, with a little bit of Alfred Hitchcock thrown in for good measure.
    0 Comments ·0 Shares ·57 Views
  • Talking Point: What Are You Playing This Weekend? (29th March)
    www.nintendolife.com
    Nearly 30 late arrivalsOllie Reynolds, Staff WriterI'm still working my way through Xenoblade Chronicles X: Definitive Edition, though my progress has admittedly slowed to a crawl. There's just so much I want to play at the moment, and given just how monumentally large Xenoblade X is, I'm not sure I'm in the right state of mind to devote so much time to it.Elsewhere, I'm playing through I Have No Mouth, And I Must Scream from Nightdive. It's pretty delightful so far, and I reckon you'll be seeing a little review of it pretty soon.Kate Gray, ContributorThis weekend, I'll be playing everybody's favourite game: assembling three separate IKEA cabinets!!!! And Monster Hunter Wilds. I'm not sure which one is more fiddly.I also just started Atomfall, which came out this week and is on Game Pass, and you know what? It's actually really, really good. Reminiscent of Skyrims and Fallouts of old, that absolutely solid B-game vibe where the jank is utterly charming (I had a bug where throwing a Molotov cocktail crashed the game three times in a row and it was hilarious). The range of British and Irish accents on display is impressive, too, and I've never seen so many lovingly detailed dry stone walls in a game! Also, drinking tea and eating Cornish Pasties restores your health! Big recommend so far for me.Subscribe to Nintendo Life on YouTube800kGonalo Lopes, ContributorWith over 90% of Primordia and 50% of Noctilum secured and properly data probed with extremely efficient and profitable Miranium mining quotas, this weekend will be spend mostly amassing said minerals and vast sums of cash that will one day service my personal squad of doll/skells (which for now are but a distant dream). I will do some odd missions as I stumble upon then in New L.A. and might actually set Chapter 5 in motion and begin charting Oblivia is that an Arraken sandworm!? IP copyright lawyers from Monolith Soft say No!, but we know better... *wink, wink*.If you managed to make any sense of any of that above, game of the week is (and most certainly will continue to be) Xenoblade Chronicles X: Definitive Edition. I didnt even get to the new content stuff yet and Im already dreaming up all sort of class efficient squad combinations.Jim Norman, Staff WriterI didnt pick up Xenoblade Chronicles X last week, but hearing my pals chat about how wonderful it is for the past seven days has really got me itching to dive in. Maybe Ill finally break and pick up a copy if I find the time.Annoyingly, Star Wars Outlaws, another huge open-world game all about exploring and taking your time, has finally sunk its claws into me. I doubt Ill be able to play both properly, but Id like to spend a liiitle more time in a galaxy far, far away before I head to Mira.Subscribe to Nintendo Life on YouTube800kOliver Revolta, ContributorI thought I was too old for the first Mario + Rabbids game, but loved it. Years later Im now playing through Sparks of Hope with a more intense version of the same hesitation (of course, because Im even older). Im hesitant about the changes the sequel seems to have lost some of the magic of the original and it was way too easy for the first 10 or so hours, but the more I get through it, the more its growing on me. Some of the music is also kind of wonderful. Nearing the end now, Im starting to really enjoy it.Roland Ingram, ContributorThis weekend Im mixing dystopian future and idyllic past as I play Death Stranding on Xbox and Atari 50 on Switch. In the evenings, Ill be straight-facedly lugging improbably large backpacks of supplies across beautiful crags; in the daytime, educating the kids and prying them from their Kirby addiction. I expected Atari 50 to be full of back in my day moments, but we havent even reached my day yet theyre obsessed with Pong. If you ever doubted Nintendos philosophy that power isnt everything, just watch children fall in love with two lines and a dot.Gavin Lane, EditorI'm about 8 hours into XCX and it's just starting to click. I've got to say that the intro chapters and the general way the game lays out its myriad systems are terrible - if it weren't for years of wanting to play it and now having paid full price for the game twice, I may well have chucked in the towel by now. I was getting 'Perfect' timed button presses for several hours before I understood what they actually did, the whole combat system and zoning and Arts icons and cooldown meters which I'm sure are second nature to Xenoblade vets made for a miserable time early on.BUT! It's starting to fall into place, the characters are working their charms, and the rhythm of the world makes more sense now. I didn't think there could be a better game with a worse opening than Pikmin 4, but I've got my fingers crossed for this one.Subscribe to Nintendo Life on YouTube800kWatch on YouTube That's what we have planned for the weekend, but what about you? Let us know in the following poll which games you're planning on booting up over the next couple of days.What are you playing this weekend (29th/20th March)? (33 votes)Related GamesSee Also
    0 Comments ·0 Shares ·69 Views
  • Hackers Bypass Windows Defender SecurityWhat You Need To Know
    www.forbes.com
    Hackers bypass Windows Defender security comtrols.SOPA Images/LightRocket via Getty ImagesWhen you thought that things couldnt get much scarier for Windows users, elite red team hackers go and prove you wrong. First, there was a zero-day vulnerability leaving Windows passwords up for grabs, then a ransomware shocker as criminals put a $500,000 Windows threat up for rent, and even the discovery of a Windows rootkit to contend with. Now, it has been confirmed that theres a way to bypass Windows Defender Application Control, which is meant to restrict application execution to trusted software, with all the implications that brings to the security party. Heres what you need to know.Windows Defender Application Control BypassYou might not have heard of Windows Defender Application Control, so lets briefly explain what it does. In fact, let Microsoft explain: it is designed to protect devices against malware and other untrusted software. It prevents malicious code from running by ensuring that only approved code, that you know, can be run, Microsoft said. In other words, its a software-based security layer enforcing a list of specific software that is trusted enough to be allowed to run on your PC. Its also what is known as a security boundary and eligible for Microsoft bug bounty payments if it can be bypassed. This means, dear reader, there are a lot of hackers eyes on the thing, and one of them just found a way to do precisely that: bypass Windows Defender Application Control.Bobby Cooke, a red team operator working at IBM X-Force Red, or an elite hacker for want of a better definition, has confirmed that the Microsoft Teams application was a viable WDAC bypass target and, when encountering WDAC during Red Team Operations, we successfully bypassed it and executed our Stage 2 Command and Control payload. Uh oh Buck, bedoop, bedoop, bedoop.The Windows Defender Bypass MethodologyYou should go and read the full report, which is highly technical and seriously useful for any security defenders, for all the attack details, as its way too complex to cover here. However, the TL;DR when it comes to the techniques used by the X-Force red team hackers to be able to bypass the Windows Defender security controls and execute the payload is as follows:Used a known Living Off The Land Binaries method. LOBINS can hide malicious activity within a known and pre-installed Windows system binary, such as MSBuild.exe.Side-loaded a trusted application with an untrusted dynamic linked library.Exploited a custom exclusion rule from a client WDAC policy.Found a new execution chain in a trusted application to allow the C2 deployment.Mitigating number one requires the client to have implemented the recommended block list rules, or to be using another solution that can detect the most common LOLBINs.Mitigating number two is only effective if Windows Defender Application Control is enabled without enforcing DLL signing.I contacted Microsoft regarding the Windows Defender Application Control bypass, and a spokesperson said, We are aware of this report and will take action as needed to help keep customers protected.
    0 Comments ·0 Shares ·52 Views
  • Solar Eclipse Guide: Heres Where The Next Ones Are And The Best Places To See Them
    www.forbes.com
    ToplineWhen is the next solar eclipse? Earlier today, a deep partial eclipse was seen from eastern Canada and northeastern U.S. and in mid-morning from western Europe and northwest Africa. In parts of Quebec and New Brunswick, Canada, and northern Maine, U.S., a rare double sunrise was seen, with as much as 94% of the sun blocked by the moon. It was one of a slew of solar eclipses over the next few years, with a bevy of partial, total and ring of fire annular eclipses coming up. Heres your ultimate guide to the upcoming solar eclipses including when and where to get the best views.The August 21, 2017 total solar eclipse from Idaho. (Photo by: VW Pics/Universal Images Group via ... More Getty Images)Universal Images Group via Getty ImagesKey FactsThe next solar eclipse will also be a partial solar eclipse. Occurring on Sept. 21, the maximum eclipse of 80% will take place in the Indian Ocean and peak close to Antarctica. From Stewart Island off New Zealands South Island, 73% of the sun will be blocked from the moon, while from its northeastern North Island the first point on the mainland to see sunrise a 61% eclipsed sun will be seen. Norfolk Island, an Australian island in the South Pacific Ocean, will see a 49% eclipsed sunrise, while Fiji will see 26%.All solar eclipses in 2026, 2027 and 2028 will all be central, meaning they peak as either a total solar eclipse (during which it will get dark along a narrow path of totality) or an annular solar eclipse (during which a ring of fire will be seen around the moon, though only through eclipse glasses). The moons distance from Earth explains the different effect.On Aug. 12, 2026, there will be a total solar eclipse for parts of Greenland, western Iceland and northern Spain. Mainland Europes first totality since 1999 will last for a maximum of 2 minutes 18 seconds off Iceland, with eclipse chasers bound for cruises around the fjords of Greenland, Iceland and across northern Spain. The latter is most likely to have clear skies, but the sun will be very low in the sky, making sight-lines critical. North America will experience a slight partial solar eclipse during this event.A ring of fire will be seen above Chile, Argentina and Uruguay for 7 minutes 51 seconds on Feb. 6, 2027. However, most of the path will be across the Atlantic Ocean. The event will end as a dramatic ring of fire sunset as seen from the coast of Ivory Coast, Ghana, Togo and Benin.Rated as the eclipse of the century, on. Aug. 2, 2027, the longest remaining totality of the century at 6 minutes 22 seconds will be best seen in Luxor, Egypt, home to Karnak, the Valley of the Kings and Queens, and Hatshepsuts mortuary temple. It will also be seen across southern Spain, northern Morocco, Algeria, Tunisia, Libya, Egypt, Yemen and Saudi Arabia including Mecca.Jan. 26, 2028, will see Spains third central solar eclipse in just 532 days as a ring of fire hangs low in the sky close to sunset as seen from the countrys southern region, as well as Portugal and the northern tip of Morocco. Earlier in the day, it will have risen as a ring of fire for those in the Galapagos Islands and Ecuador, northern Peru, northern Brazil and French Guiana.Exactly one lunar year after the eclipse of the century, on July 22, 2028, a 5-minute 5-second totality will visit Australia and New Zealand, with Western Australias Kimberley coast and Bungle Bungles, and the Northern Territorys Devils Marbles all key locations though it will also be seen in Sydney Harbour in New South Wales. New Zealands South Island will also experience totality.The Next Total Solar Eclipses In The U.s.Alaska will see a 2-minute 37-second total solar eclipse on March 30, 2033. The next total solar eclipse for contiguous U.S. states will occur on Aug. 23, 2044, and be visible close to sunset in Montana and the Dakotas. However, Banff and Jasper National Parks in Alberta, Canada, will be where most eclipse chasers will likely travel to. One lunar year later, on Aug. 23, 2045, a total solar eclipse will be seen from 13 U.S. states, with totality peaking in Florida at over six minutes.Key BackgroundThe Great North American Eclipse, a total solar eclipse on April 8, 2024, was seen by an estimated 50 million people. During that event, a path of total 115 miles (185 kilometers) wide crossed North America from northern Mexico to south-eastern Canada via 15 U.S. States, with totality lasting up to 4 minutes and 26 seconds.Further Reading
    0 Comments ·0 Shares ·54 Views
  • Stunning new animated series tells the story of a cure-all mushroom
    www.newscientist.com
    Marshall (voiced by Dave King) finds the amazing Blue Angel mushroomWarner Bros. DiscoveryCommon Side EffectsJoseph Bennett, Steve HelyChannel 4 (UK); Cartoon Network, Max (US)One of the best shows I watched last year was Scavengers Reign, a lushly animated sci-fi series about an interstellar cargo ship that crashes on a planet full of strange, dangerous life. Sadly, it was cancelled after a single season. So, I was pleased to learn that one of its creators, Joseph Bennett, had partnered with writer Steve Hely on a new animated show called Common Side Effects, all about a
    0 Comments ·0 Shares ·49 Views